diff --git a/feateng/.DS_Store b/feateng/.DS_Store new file mode 100644 index 000000000..bd055d175 Binary files /dev/null and b/feateng/.DS_Store differ diff --git a/feateng/analyze_mlp_buzzer.py b/feateng/analyze_mlp_buzzer.py new file mode 100644 index 000000000..b4a6b3ffc --- /dev/null +++ b/feateng/analyze_mlp_buzzer.py @@ -0,0 +1,86 @@ +import pickle +import torch +import torch.nn as nn + +# Define a utility to infer architecture from state_dict +def infer_architecture(state_dict): + hidden_dims = [] + input_dim = None + for key, tensor in state_dict.items(): + if "weight" in key: # Look at weight matrices + if input_dim is None: + input_dim = tensor.shape[1] # First layer input dimension + hidden_dims.append(tensor.shape[0]) # Layer output dimension + return input_dim, hidden_dims[:-1] # Exclude the final output layer + +# Define the MLP model structure +class SampleMLP(nn.Module): + def __init__(self, input_dim, hidden_dims): + super(SampleMLP, self).__init__() + layers = [] + prev_dim = input_dim + for hidden_dim in hidden_dims: + layers.append(nn.Linear(prev_dim, hidden_dim)) + layers.append(nn.ReLU()) + prev_dim = hidden_dim + layers.append(nn.Linear(prev_dim, 1)) + layers.append(nn.Sigmoid()) + self.layers = nn.Sequential(*layers) # Directly define as layers + + def forward(self, x): + return self.layers(x) + +# Load the model from .pkl file +def load_model(file_path, input_dim, hidden_dims): + with open(file_path, 'rb') as f: + state_dict = pickle.load(f) + + # Recreate the model structure + model = SampleMLP(input_dim, hidden_dims) + + # Remap keys to match the model's architecture + remapped_state_dict = {f"layers.{k}": v for k, v in state_dict.items()} + model.load_state_dict(remapped_state_dict) + model.eval() # Set the model to evaluation mode + return model + +# Analyze model weights +def analyze_model_weights(model): + analysis = {} + for name, param in model.named_parameters(): + analysis[name] = { + "shape": tuple(param.shape), + "sample_values": param.detach().cpu().numpy().flatten()[:5].tolist() # Display first 5 values + } + return analysis + +# Test inference +def test_inference(model, input_dim): + dummy_input = torch.rand((1, input_dim)) # Create a random input tensor + output = model(dummy_input) + return output + +# Example usage +if __name__ == "__main__": + # Path to your .pkl file + model_file = "models/mlp_no_features.model.pkl" # Replace with the actual file path + + # Load the state_dict and infer architecture + with open(model_file, 'rb') as f: + state_dict = pickle.load(f) + input_dim, hidden_dims = infer_architecture(state_dict) + print(f"Inferred Input Dimension: {input_dim}") + print(f"Inferred Hidden Dimensions: {hidden_dims}") + + # Load the model + model = load_model(model_file, input_dim, hidden_dims) + + # Analyze weights + weight_analysis = analyze_model_weights(model) + print("\nModel Weights Analysis:") + for layer, info in weight_analysis.items(): + print(f"{layer}: Shape={info['shape']}, Sample Values={info['sample_values']}") + + # Test inference + output = test_inference(model, input_dim) + print(f"\nSample Output from Inference: {output}") diff --git a/feateng/buzzer.py b/feateng/buzzer.py index 3d6ae0537..28e9116f7 100644 --- a/feateng/buzzer.py +++ b/feateng/buzzer.py @@ -15,6 +15,10 @@ from guesser import add_guesser_params from features import LengthFeature +from features import ContextualMatchFeature +from features import FrequencyFeature +from features import PreviousGuessFeature +from features import CategoryFeature from params import add_buzzer_params, add_question_params, load_guesser, load_buzzer, load_questions, add_general_params, setup_logging def runs(text, run_length): @@ -136,6 +140,9 @@ def featurize(self, question, run_text, guess_history, guesses=None): features["%s_%s" % (ff.name, feat)] = val assert guess is not None + print(run_text) + print(f"Guess: {guess}") + print(f"Features: {features}") return guess, features def finalize(self): diff --git a/feateng/compare_buzzers.py b/feateng/compare_buzzers.py new file mode 100644 index 000000000..41efe0a0d --- /dev/null +++ b/feateng/compare_buzzers.py @@ -0,0 +1,222 @@ +import itertools +import os +import subprocess +import sys +import pandas as pd +import json +import time +from datetime import datetime + +LOSS_FUNCTIONS = { + "MLP": "BuzzLoss", + "LogisticBuzzer": "Logistic Loss", +} + +# Define the features to use in generating the power set +features = ["Length", "Frequency", "Category", "ContextualMatch", "PreviousGuess"] + +# DataFrame to store results +results_df = pd.DataFrame(columns=[ + "Features", "Buzzer Type", "Filename Stem", "Loss Function", "Training Limit", "Testing Limit", + "Training Dataset", "Test Dataset", "Evaluation", + "best %", "timid %", "hit %", "close %", "miss %", "aggressive %", "waiting %", + "Questions Right", "Total", "Accuracy", "Buzz Ratio", "Buzz Position" +]) + +# Function to generate the filename stem based on the subset of features +def generate_filename_stem(subset, buzzer_type="LogisticBuzzer"): + buzzer_str = "logit" if buzzer_type == "LogisticBuzzer" else buzzer_type.lower() + if not subset: + return f"{buzzer_str}_no_features" + elif set(subset) == set(features): + return f"{buzzer_str}_with_all_features" + else: + return f"{buzzer_str}_with_" + "_".join(subset).lower() + +# Function to validate JSON output +def validate_json_output(json_path): + try: + if not os.path.exists(json_path): + raise FileNotFoundError(f"Output JSON file not found: {json_path}") + + if os.path.getsize(json_path) == 0: + raise ValueError(f"Output JSON file is empty: {json_path}") + + with open(json_path, "r") as f: + data = json.load(f) + if not data: + raise ValueError(f"Output JSON file contains invalid or empty data: {json_path}") + + return data + + except (FileNotFoundError, ValueError, json.JSONDecodeError) as e: + return str(e) # Return error message for logging purposes + +# Generate the power set of features +feature_subsets = list(itertools.chain.from_iterable(itertools.combinations(features, r) for r in range(len(features)+1))) + +# Set values for the parameters +training_limit = 50 +testing_limit = 25 +training_dataset = "../data/qanta.buzztrain.json.gz" +test_dataset = "../data/qanta.buzzdev.json.gz" +evaluation = "buzzer" +guesser_model_train = "../models/buzztrain_gpt4o_cache" +guesser_model_test = "../models/buzzdev_gpt4o_cache" + +# List of buzzer models +buzzer_models = ["MLP", "LogisticBuzzer"] +feature_subsets = [["Length", "Frequency", "Category", "ContextualMatch", "PreviousGuess"]] + +# Main loop to iterate over buzzer models and feature subsets +for buzzer_type in buzzer_models: + print(f"Running for buzzer type: {buzzer_type}") + + for subset in feature_subsets: + + # Determine the filename stem based on the subset + filename_stem = generate_filename_stem(subset, buzzer_type) + + + # TRAINING SPECS + # Construct the `buzzer.py` command using sys.executable + buzzer_command = [ + sys.executable, 'buzzer.py', '--guesser_type=Gpr', '--limit', str(training_limit), + '--GprGuesser_filename', guesser_model_train, + '--questions', training_dataset, '--buzzer_guessers', 'Gpr', + '--buzzer_type', buzzer_type + ] + + + + #TESTING SPECS + # Construct the `eval.py` command using sys.executable + output_json = f"summary/eval_output_{filename_stem}.json" + eval_command = [ + sys.executable, 'eval.py', '--guesser_type=Gpr', + '--TfidfGuesser_filename=models/TfidfGuesser', '--limit', str(testing_limit), + '--questions', test_dataset, '--buzzer_guessers', 'Gpr', + '--GprGuesser_filename', guesser_model_test, + # '--LogisticBuzzer_filename=models/' + filename_stem, + '--evaluate', evaluation, + # '--buzzer_type', buzzer_type, + '--output_json', output_json # Include output_json flag to specify unique output + ] + if buzzer_type == "MLP": + buzzer_filename_flag = ['--MLPBuzzer_filename=models/' + filename_stem] + buzzer_command.extend(buzzer_filename_flag) + eval_command.extend(buzzer_filename_flag) + else: + buzzer_filename_flag = ['--LogisticBuzzer_filename=models/' + filename_stem] + buzzer_command.extend(buzzer_filename_flag) + eval_command.extend(buzzer_filename_flag) + + + # Only add --features if subset is not empty + if subset: + feature_flag = ['--features'] + list(subset) + buzzer_command.extend(feature_flag) + eval_command.extend(feature_flag) + + error_log_file = f"summary/error_log_{filename_stem}.txt" + + try: + # Log start of commands + print(f"Running with feature subset: {subset} -> {filename_stem}") + time.sleep(1) + # Run the buzzer.py command + subprocess.run(buzzer_command, check=True) + + # Add an explicit delay to ensure I/O has sufficient time to complete + time.sleep(2) + + eval_output_log = f"evals/eval_output_{filename_stem}.txt" + with open(eval_output_log, "w") as out_f, open(error_log_file, "w") as err_f: + subprocess.run(eval_command, stdout=out_f, stderr=err_f, check=True) + + + # Add an explicit delay before checking output + time.sleep(2) + + # Retry logic for validating the output + max_retries = 3 + retry_delay = 2 # seconds + for attempt in range(max_retries): + validation_result = validate_json_output(output_json) + if isinstance(validation_result, dict): + # Successfully validated + eval_results = validation_result + break + else: + # Log the retry attempt + with open(error_log_file, "a") as err_f: + err_f.write(f"Attempt {attempt + 1}: {validation_result}\n") + time.sleep(retry_delay) + else: + # If all retries fail, raise an error + raise ValueError(f"Failed to validate JSON output after {max_retries} attempts: {output_json}") + + loss_function = LOSS_FUNCTIONS.get(buzzer_type, "Unknown") + + # Create a DataFrame for the new row + new_row_df = pd.DataFrame([{ + "Features": list(subset), + "Buzzer Type": buzzer_type, + "Filename Stem": filename_stem, + "Loss Function": loss_function, # Include the loss function dynamically + "Training Limit": training_limit, + "Testing Limit": testing_limit, + "Training Dataset": training_dataset, + "Test Dataset": test_dataset, + "Evaluation": evaluation, + **eval_results["outcome_percentages"], + "Questions Right": eval_results["questions_right"], + "Total": eval_results["total"], + "Accuracy": eval_results["accuracy"], + "Buzz Ratio": eval_results["buzz_ratio"], + "Buzz Position": eval_results["buzz_position"] + }]) + + # Validate that the new row is not a duplicate of existing rows + columns_to_check = results_df.columns[results_df.columns.get_loc("waiting %"):] + if not results_df[columns_to_check].duplicated().any(): + # Use pd.concat to add the new row to results_df + results_df = pd.concat([results_df, new_row_df], ignore_index=True) + else: + print(f"Warning: Duplicate row detected for subset {subset}. Skipping row addition.") + + except Exception as e: + # Detailed error logging + with open(error_log_file, "a") as err_file: + err_file.write(f"Error for subset {subset}: {e}\n") + err_file.write(f"Buzzer command: {' '.join(buzzer_command)}\n") + err_file.write(f"Eval command: {' '.join(eval_command)}\n") + if os.path.exists(output_json) and os.path.getsize(output_json) > 0: + err_file.write("Output JSON file was partially written or corrupted.\n") + else: + err_file.write("Output JSON file was empty or not generated.\n") + + print(f"Subset {subset} generated an exception: {e}. Check {error_log_file} for details.") + continue + +# Export results +# Sort the DataFrame by descending order of Buzz Ratio +if not results_df.empty: + results_df = results_df.sort_values(by="Buzz Ratio", ascending=False) + columns_to_check = results_df.columns[results_df.columns.get_loc("waiting %"):] + output_stem = '_'.join(buzzer_models) + # Validate and remove duplicate rows + duplicates = results_df.duplicated(subset=columns_to_check, keep=False) + if duplicates.any(): + print("Warning: Duplicate rows found in the CSV output.") + duplicate_rows = results_df[duplicates] + duplicate_log_path = f"summary/{output_stem}_duplicate_rows_log.csv" + duplicate_rows.to_csv(duplicate_log_path, index=False) + print(f"Duplicate rows have been saved to {duplicate_log_path}") + + # Remove duplicates and save a new CSV without them + results_df.drop_duplicates(subset=columns_to_check, keep='first', inplace=True) + + results_df.to_csv(f"summary/{output_stem}_eval_summary.csv", index=False) +else: + print("No results generated.") diff --git a/feateng/compare_buzzers_concurrently.py b/feateng/compare_buzzers_concurrently.py new file mode 100644 index 000000000..b09d71e4d --- /dev/null +++ b/feateng/compare_buzzers_concurrently.py @@ -0,0 +1,116 @@ +import itertools +import os +import subprocess +import sys +import pandas as pd +import json +import time +from datetime import datetime +from concurrent.futures import ThreadPoolExecutor + +LOSS_FUNCTIONS = { + "MLP": "BuzzLoss", + "LogisticBuzzer": "Logistic Loss", +} + +features = ["Length", "Frequency", "Category", "ContextualMatch", "PreviousGuess"] + +results_df = pd.DataFrame(columns=[ + "Features", "Buzzer Type", "Filename Stem", "Loss Function", "Training Limit", "Testing Limit", + "Training Dataset", "Test Dataset", "Evaluation", + "best %", "timid %", "hit %", "close %", "miss %", "aggressive %", "waiting %", + "Questions Right", "Total", "Accuracy", "Buzz Ratio", "Buzz Position" +]) + +def generate_filename_stem(subset, buzzer_type="LogisticBuzzer"): + buzzer_str = "logit" if buzzer_type == "LogisticBuzzer" else buzzer_type.lower() + if not subset: + return f"{buzzer_str}_no_features" + elif set(subset) == set(features): + return f"{buzzer_str}_with_all_features" + else: + return f"{buzzer_str}_with_" + "_".join(subset).lower() + +def validate_json_output(json_path): + try: + if not os.path.exists(json_path): + raise FileNotFoundError(f"Output JSON file not found: {json_path}") + if os.path.getsize(json_path) == 0: + raise ValueError(f"Output JSON file is empty: {json_path}") + with open(json_path, "r") as f: + data = json.load(f) + if not data: + raise ValueError(f"Output JSON file contains invalid or empty data: {json_path}") + return data + except (FileNotFoundError, ValueError, json.JSONDecodeError) as e: + return str(e) + +def process_subset(buzzer_type, subset): + try: + filename_stem = generate_filename_stem(subset, buzzer_type) + training_limit, testing_limit = 50, 25 + training_dataset = "../data/qanta.buzztrain.json.gz" + test_dataset = "../data/qanta.buzzdev.json.gz" + guesser_model_train = "../models/buzztrain_gpt4o_cache" + guesser_model_test = "../models/buzzdev_gpt4o_cache" + + buzzer_command = [ + sys.executable, 'buzzer.py', '--guesser_type=Gpr', '--limit', str(training_limit), + '--GprGuesser_filename', guesser_model_train, '--questions', training_dataset, + '--buzzer_guessers', 'Gpr', '--buzzer_type', buzzer_type + ] + if subset: + buzzer_command.extend(['--features'] + list(subset)) + buzzer_command.append(f'--{buzzer_type}Buzzer_filename=models/{filename_stem}') + + output_json = f"summary/eval_output_{filename_stem}.json" + eval_command = [ + sys.executable, 'eval.py', '--guesser_type=Gpr', '--limit', str(testing_limit), + '--questions', test_dataset, '--buzzer_guessers', 'Gpr', + '--GprGuesser_filename', guesser_model_test, '--evaluate', "buzzer", + '--output_json', output_json + ] + eval_command.append(f'--{buzzer_type}Buzzer_filename=models/{filename_stem}') + if subset: + eval_command.extend(['--features'] + list(subset)) + + subprocess.run(buzzer_command, check=True) + subprocess.run(eval_command, check=True) + + validation_result = validate_json_output(output_json) + if isinstance(validation_result, dict): + eval_results = validation_result + else: + raise ValueError(f"Validation failed: {validation_result}") + + loss_function = LOSS_FUNCTIONS.get(buzzer_type, "Unknown") + new_row = { + "Features": list(subset), "Buzzer Type": buzzer_type, "Filename Stem": filename_stem, + "Loss Function": loss_function, "Training Limit": training_limit, + "Testing Limit": testing_limit, "Training Dataset": training_dataset, + "Test Dataset": test_dataset, "Evaluation": "buzzer", + **eval_results["outcome_percentages"], "Questions Right": eval_results["questions_right"], + "Total": eval_results["total"], "Accuracy": eval_results["accuracy"], + "Buzz Ratio": eval_results["buzz_ratio"], "Buzz Position": eval_results["buzz_position"] + } + return new_row + except Exception as e: + print(f"Error processing subset {subset} for {buzzer_type}: {e}") + return None + +buzzer_models = ["MLP", "LogisticBuzzer"] +feature_subsets = list(itertools.chain.from_iterable(itertools.combinations(features, r) for r in range(len(features) + 1))) +feature_subsets = [["Length", "Frequency", "Category", "ContextualMatch", "PreviousGuess"]] + +with ThreadPoolExecutor() as executor: + futures = [] + for buzzer_type in buzzer_models: + for subset in feature_subsets: + futures.append(executor.submit(process_subset, buzzer_type, subset)) + results = [future.result() for future in futures if future.result() is not None] + +if results: + results_df = pd.DataFrame(results) + results_df.to_csv("summary/compare_buzzers_concurrently_eval_summary.csv", index=False) +else: + print("No results generated.") diff --git a/feateng/eval.py b/feateng/eval.py index 5544bf81e..51b3fb9f5 100644 --- a/feateng/eval.py +++ b/feateng/eval.py @@ -2,8 +2,13 @@ # 2023 # # Run an evaluation on a QA system and print results +import json +import os import random import string +import logging +import torch +from mlp_buzzer import MLPBuzzer from tqdm import tqdm @@ -11,6 +16,9 @@ add_buzzer_params, add_guesser_params, add_general_params,\ add_question_params, setup_logging +# Ensure the summary directory exists +os.makedirs("summary", exist_ok=True) + kLABELS = {"best": "Guess was correct, Buzz was correct", "timid": "Guess was correct, Buzz was not", "hit": "Guesser ranked right page first", @@ -21,7 +29,7 @@ def normalize_answer(answer): """ - Remove superflous components to create a normalized form of an answer that + Remove superfluous components to create a normalized form of an answer that can be more easily compared. """ from unidecode import unidecode @@ -39,13 +47,12 @@ def normalize_answer(answer): if reduced.startswith(bad_start): reduced = reduced[len(bad_start):] return reduced.strip() - + def rough_compare(guess, page): """ - See if a guess is correct. Not perfect, but better than direct string - comparison. Allows for slight variation. + See if a guess is correct. Not perfect, but better than direct string + comparison. Allows for slight variation. """ - # TODO: Also add the original answer line if page is None: return False @@ -108,7 +115,6 @@ def pretty_feature_print(features, first_features=["guess", "answer", "id"]): """ Nicely print a buzzer example's features """ - import textwrap wrapper = textwrap.TextWrapper() @@ -130,43 +136,51 @@ def pretty_feature_print(features, first_features=["guess", "answer", "id"]): lines.append("--------------------") return "\n".join(lines) - def eval_buzzer(buzzer, questions, history_length, history_depth): """ Compute buzzer outcomes on a dataset """ - from collections import Counter, defaultdict - + buzzer.load() buzzer.add_data(questions) buzzer.build_features(history_length=history_length, history_depth=history_depth) - + + if hasattr(buzzer, "model"): # Only for MLPBuzzer + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + buzzer.model.to(device) + + # Predict buzz decisions predict, feature_matrix, feature_dict, correct, metadata = buzzer.predict(questions) + + # Debugging: Log predictions and features + print(f"Predictions (raw): {predict}") # Raw predictions (probabilities or binary decisions) + print(f"Feature Matrix Shape: {feature_matrix.shape}") # Check feature dimensions + print(f"Feature Dictionary Sample: {feature_dict[:5]}") # Log a sample of features + print(f"Correct Labels: {correct[:5]}") # Check the ground truth labels - # Keep track of how much of the question you needed to see before - # answering correctly + # Keep track of how much of the question you needed to see before answering correctly question_seen = {} question_length = defaultdict(int) - + outcomes = Counter() examples = defaultdict(list) for buzz, guess_correct, features, meta in zip(predict, correct, feature_dict, metadata): qid = meta["id"] - - # Add back in metadata now that we have prevented cheating in feature creation + + # Add back in metadata now that we have prevented cheating in feature creation for ii in meta: features[ii] = meta[ii] # Keep track of the longest run we saw for each question question_length[qid] = max(question_length[qid], len(meta["text"])) - + if guess_correct: if buzz: outcomes["best"] += 1 examples["best"].append(features) - if not qid in question_seen: + if qid not in question_seen: question_seen[qid] = len(meta["text"]) else: outcomes["timid"] += 1 @@ -176,26 +190,29 @@ def eval_buzzer(buzzer, questions, history_length, history_depth): outcomes["aggressive"] += 1 examples["aggressive"].append(features) - if not qid in question_seen: + if qid not in question_seen: question_seen[qid] = -len(meta["text"]) else: outcomes["waiting"] += 1 examples["waiting"].append(features) - unseen_characters = 0.0 + unseen_characters = 0.0 number_questions = 0 for question in question_length: number_questions += 1 length = question_length[question] if question in question_seen: if question_seen[question] > 0: - # The guess was correct unseen_characters += 1.0 - question_seen[question] / length else: unseen_characters -= 1.0 + question_seen[question] / length + # Debugging: Log outcome counts + print(f"Outcomes: {outcomes}") + print(f"Examples per Outcome: { {k: len(v) for k, v in examples.items()} }") + return outcomes, examples, unseen_characters / number_questions - + if __name__ == "__main__": # Load model and evaluate it @@ -208,18 +225,24 @@ def eval_buzzer(buzzer, questions, history_length, history_depth): add_buzzer_params(parser) parser.add_argument('--evaluate', default="buzzer", type=str) - parser.add_argument('--cutoff', default=-1, type=int) + parser.add_argument('--cutoff', default=-1, type=int) + parser.add_argument('--output_json', type=str, default="summary/eval_output.json", help="Path to save output JSON file") flags = parser.parse_args() setup_logging(flags) questions = load_questions(flags) - guesser = load_guesser(flags, load=flags.load) + guesser = load_guesser(flags, load=flags.load) + if flags.evaluate == "buzzer": buzzer = load_buzzer(flags, load=True) outcomes, examples, unseen = eval_buzzer(buzzer, questions, history_length=flags.buzzer_history_length, history_depth=flags.buzzer_history_depth) + # Debugging evaluation + if flags.buzzer_type == "MLP": + print("MLP Buzzer Evaluation Started") + elif flags.evaluate == "guesser": if flags.cutoff >= 0: outcomes, examples = eval_retrieval(guesser, questions, flags.num_guesses, flags.cutoff) @@ -229,6 +252,8 @@ def eval_buzzer(buzzer, questions, history_length, history_depth): assert False, "Gotta evaluate something" total = sum(outcomes[x] for x in outcomes if x != "hit") + outcome_percentages = {f"{ii} %": outcome_subtotal / total for ii, outcome_subtotal in outcomes.items()} + for ii in outcomes: print("%s %0.2f\n===================\n" % (ii, outcomes[ii] / total)) if len(examples[ii]) > 10: @@ -244,11 +269,25 @@ def eval_buzzer(buzzer, questions, history_length, history_depth): print("%40s: %0.4f" % (feature.strip(), weight)) print("Questions Right: %i (out of %i) Accuracy: %0.2f Buzz ratio: %0.2f Buzz position: %f" % - (outcomes["best"], # Right - total, # Total - (outcomes["best"] + outcomes["waiting"]) / total, # Accuracy - (outcomes["best"] - outcomes["aggressive"] * 0.5) / total, # Ratio + (outcomes["best"], total, + (outcomes["best"] + outcomes["waiting"]) / total, + (outcomes["best"] - outcomes["aggressive"] * 0.5) / total, unseen)) - elif flags.evaluate == "guesser": - print("Precision @1: %0.4f Recall: %0.4f" % (outcomes["hit"]/total, outcomes["close"]/total)) + print("Precision @1: %0.4f Recall: %0.4f" % (outcomes["hit"] / total, outcomes["close"] / total)) + + # Save results to JSON file + results = { + "questions_right": outcomes["best"], + "total": total, + "accuracy": (outcomes["best"] + outcomes["waiting"]) / total, + "buzz_ratio": (outcomes["best"] - outcomes["aggressive"] * 0.5) / total, + "buzz_position": unseen, + "outcome_percentages": outcome_percentages + } + + try: + with open(flags.output_json, "w") as f: + json.dump(results, f) + except Exception as e: + logging.error(f"Failed to write output JSON file {flags.output_json}: {e}") diff --git a/feateng/evals/eval_output_all_features.txt b/feateng/evals/eval_output_all_features.txt new file mode 100644 index 000000000..082324382 --- /dev/null +++ b/feateng/evals/eval_output_all_features.txt @@ -0,0 +1 @@ +Setting up logging diff --git a/feateng/evals/eval_output_all_five_features.txt b/feateng/evals/eval_output_all_five_features.txt new file mode 100644 index 000000000..b95c7d331 --- /dev/null +++ b/feateng/evals/eval_output_all_five_features.txt @@ -0,0 +1,962 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'ContextualMatch', 'Category', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 1.9459 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.3288 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1510 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 3.2189 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1486 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Seance + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.0207 + Length_char: 0.1222 + Length_word: 0.1467 + Length_guess: 1.9459 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1760 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 3.3673 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0570 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1929 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1929 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1820 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 1.6094 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.3556 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1746 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- +================= +timid 0.13 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2022 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 2.0794 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2214 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Length_char: 0.5600 + Length_word: 0.3733 + Length_guess: 2.6391 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Length_char: 0.3378 + Length_word: 0.4933 + Length_guess: 2.3026 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2884 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.34 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0031 + Length_char: 0.5556 + Length_word: 0.4933 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0021 + Length_char: 0.5622 + Length_word: 0.6800 + Length_guess: 3.0445 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.0995 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.1448 + Length_char: 0.7556 + Length_word: 0.8267 + Length_guess: 2.4849 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2572 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0063 + Length_char: 0.3422 + Length_word: 0.3067 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 + Length_char: 0.1133 + Length_word: 0.0533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Length_char: -0.3156 + Length_word: -0.3600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1358 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Length_char: -0.3222 + Length_word: -0.2133 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0130 + Length_char: 0.5889 + Length_word: 0.5333 + Length_guess: 2.5649 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1657 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0178 + Length_char: 0.7333 + Length_word: 0.7333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the end of the Virgin Mary's life, in which + she arose "body and soul" into Heaven. +-------------------- +================= +aggressive 0.13 +=================== + + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0651 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Medea (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4904 + Length_char: 0.5578 + Length_word: 0.5200 + Length_guess: 2.6391 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.0506 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.7081 + Frequency_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1571 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2248 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2526 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: -0.0358 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1746 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: -0.0358 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.8904 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1998 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 69 (out of 201) Accuracy: 0.74 Buzz ratio: 0.28 Buzz position: -0.108406 diff --git a/feateng/evals/eval_output_contextual_match.txt b/feateng/evals/eval_output_contextual_match.txt new file mode 100644 index 000000000..9f52ec49f --- /dev/null +++ b/feateng/evals/eval_output_contextual_match.txt @@ -0,0 +1,538 @@ +Setting up logging +Loading buzzer +Initializing features: ['ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.38 +=================== + + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 +ContextualMatch_ContextualMatch: 0.1108 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.6594 +ContextualMatch_ContextualMatch: 0.2612 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 +ContextualMatch_ContextualMatch: 0.0999 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 +ContextualMatch_ContextualMatch: 0.1021 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 +ContextualMatch_ContextualMatch: 0.0570 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 +ContextualMatch_ContextualMatch: 0.2877 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Asymmetric hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3129 +ContextualMatch_ContextualMatch: 0.0735 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Operation Panzerfaust + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.4324 +ContextualMatch_ContextualMatch: 0.1788 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- +================= +timid 0.05 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- +================= +best 0.42 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0010 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0032 +ContextualMatch_ContextualMatch: 0.0995 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 +ContextualMatch_ContextualMatch: 0.2091 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0099 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0092 +ContextualMatch_ContextualMatch: 0.0995 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- +================= +aggressive 0.14 +=================== + + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 +ContextualMatch_ContextualMatch: 0.2497 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 +ContextualMatch_ContextualMatch: 0.1820 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 +ContextualMatch_ContextualMatch: 0.2362 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 +ContextualMatch_ContextualMatch: 0.2248 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 +ContextualMatch_ContextualMatch: 0.0651 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- +================= + ContextualMatch_ContextualMatch: 3.8783 + Gpr_confidence: 4.1473 +Questions Right: 84 (out of 201) Accuracy: 0.80 Buzz ratio: 0.35 Buzz position: -0.163584 diff --git a/feateng/evals/eval_output_contextual_match_frequency.txt b/feateng/evals/eval_output_contextual_match_frequency.txt new file mode 100644 index 000000000..06b460765 --- /dev/null +++ b/feateng/evals/eval_output_contextual_match_frequency.txt @@ -0,0 +1,570 @@ +Setting up logging +Loading buzzer +Initializing features: ['ContextualMatch', 'Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.34 +=================== + + guess: Seance + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.0207 +ContextualMatch_ContextualMatch: 0.1760 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4398 +ContextualMatch_ContextualMatch: 0.1496 + Frequency_guess: 2.0794 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Takeminakata + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3306 +ContextualMatch_ContextualMatch: 0.2104 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 +ContextualMatch_ContextualMatch: 0.2362 + Frequency_guess: 0.6931 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 +ContextualMatch_ContextualMatch: 0.3288 + Frequency_guess: 0.6931 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 +ContextualMatch_ContextualMatch: 0.1525 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 +ContextualMatch_ContextualMatch: 0.1947 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 +ContextualMatch_ContextualMatch: -0.0040 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 +ContextualMatch_ContextualMatch: 0.3556 + Frequency_guess: 0.0000 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Asymmetric hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3129 +ContextualMatch_ContextualMatch: 0.0735 + Frequency_guess: 0.0000 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- +================= +timid 0.04 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 +ContextualMatch_ContextualMatch: 0.2272 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 +ContextualMatch_ContextualMatch: 0.2272 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 +ContextualMatch_ContextualMatch: 0.0803 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 +ContextualMatch_ContextualMatch: 0.0803 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 +ContextualMatch_ContextualMatch: 0.1469 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 +ContextualMatch_ContextualMatch: 0.1657 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 +ContextualMatch_ContextualMatch: 0.1273 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 +ContextualMatch_ContextualMatch: 0.1705 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 +ContextualMatch_ContextualMatch: 0.1634 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.43 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 +ContextualMatch_ContextualMatch: 0.1634 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 +ContextualMatch_ContextualMatch: 0.1592 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 +ContextualMatch_ContextualMatch: 0.2884 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0025 +ContextualMatch_ContextualMatch: 0.0995 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 +ContextualMatch_ContextualMatch: 0.1358 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 +ContextualMatch_ContextualMatch: 0.1634 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 +ContextualMatch_ContextualMatch: 0.2815 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 +ContextualMatch_ContextualMatch: 0.2815 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 +ContextualMatch_ContextualMatch: 0.1273 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 +ContextualMatch_ContextualMatch: 0.1868 + Frequency_guess: 1.3863 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- +================= +aggressive 0.19 +=================== + + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 +ContextualMatch_ContextualMatch: 0.1510 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 +ContextualMatch_ContextualMatch: 0.0851 + Frequency_guess: 0.0000 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 +ContextualMatch_ContextualMatch: 0.0956 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 +ContextualMatch_ContextualMatch: 0.0828 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 +ContextualMatch_ContextualMatch: 0.0570 + Frequency_guess: 0.0000 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 +ContextualMatch_ContextualMatch: 0.1746 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 +ContextualMatch_ContextualMatch: 0.2248 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 +ContextualMatch_ContextualMatch: 0.2526 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 +ContextualMatch_ContextualMatch: 0.1510 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 +ContextualMatch_ContextualMatch: 0.0956 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- +================= + ContextualMatch_ContextualMatch: 2.4970 + Frequency_guess: -0.2843 + Gpr_confidence: 4.9882 +Questions Right: 86 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.277408 diff --git a/feateng/evals/eval_output_frequency.txt b/feateng/evals/eval_output_frequency.txt new file mode 100644 index 000000000..43fd0a6fd --- /dev/null +++ b/feateng/evals/eval_output_frequency.txt @@ -0,0 +1,547 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2676 + Frequency_guess: 0.6931 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Frequency_guess: 0.0000 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Frequency_guess: 0.0000 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Frequency_guess: 0.6931 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + Frequency_guess: 1.0986 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Frequency_guess: 2.1972 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Subjunctive mood + answer: None + id: 93153 + Gpr_confidence: -0.5580 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.6737 + Frequency_guess: 0.0000 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Frequency_guess: 1.0986 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- +================= +timid 0.05 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.42 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0086 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0205 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0012 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- +================= +aggressive 0.20 +=================== + + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Frequency_guess: 0.0000 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Symphony No. 1 (Elgar) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2152 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Frequency_guess: 1.6094 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- +================= + Frequency_guess: -0.3449 + Gpr_confidence: 5.0634 +Questions Right: 85 (out of 201) Accuracy: 0.75 Buzz ratio: 0.32 Buzz position: -0.307975 diff --git a/feateng/evals/eval_output_length.txt b/feateng/evals/eval_output_length.txt new file mode 100644 index 000000000..37d2be92e --- /dev/null +++ b/feateng/evals/eval_output_length.txt @@ -0,0 +1,589 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Takeminakata + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3306 + Length_char: -0.5444 + Length_word: -0.5067 + Length_guess: 2.5649 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade +-------------------- + guess: Stone circles + answer: Vultures + id: 93141 + Gpr_confidence: -0.5130 + Length_char: -0.5533 + Length_word: -0.5867 + Length_guess: 2.6391 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.6094 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Symphony No. 1 (Elgar) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2152 + Length_char: -0.7689 + Length_word: -0.7733 + Length_guess: 3.1355 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.8332 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 1.9459 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + Length_char: -0.7689 + Length_word: -0.7467 + Length_guess: 2.9444 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Mersenne Prime + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5259 + Length_char: 0.1156 + Length_word: 0.2800 + Length_guess: 2.7081 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.7081 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 3.1781 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- +================= +best 0.41 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Length_char: 0.3378 + Length_word: 0.4933 + Length_guess: 2.3026 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0240 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Length_char: 0.5711 + Length_word: 0.6933 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Length_char: 0.7578 + Length_word: 0.6533 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Length_char: -0.3222 + Length_word: -0.2133 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- +================= +timid 0.06 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 2.4849 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- +================= +aggressive 0.18 +=================== + + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Length_char: -0.1067 + Length_word: -0.1733 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.7726 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Length_char: 0.3556 + Length_word: 0.2400 + Length_guess: 3.4012 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- +================= + Gpr_confidence: 3.8284 + Length_char: 0.7665 + Length_guess: 0.9584 + Length_word: 0.7346 +Questions Right: 82 (out of 201) Accuracy: 0.76 Buzz ratio: 0.32 Buzz position: -0.029203 diff --git a/feateng/evals/eval_output_length_contextual_match.txt b/feateng/evals/eval_output_length_contextual_match.txt new file mode 100644 index 000000000..f84e9704a --- /dev/null +++ b/feateng/evals/eval_output_length_contextual_match.txt @@ -0,0 +1,656 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Length_char: -0.7711 + Length_word: -0.8000 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1245 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Length_char: -0.5556 + Length_word: -0.6133 + Length_guess: 2.8332 +ContextualMatch_ContextualMatch: 0.2068 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Ammonia + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.4994 + Length_char: -0.7711 + Length_word: -0.7600 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2027 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5494 + Length_char: 0.1111 + Length_word: 0.2133 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1676 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Length_char: -0.7778 + Length_word: -0.8000 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1108 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.9142 + Length_char: -0.1089 + Length_word: 0.0267 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- +================= +best 0.42 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Length_char: 0.4867 + Length_word: 0.4400 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0240 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0007 + Length_char: 0.7222 + Length_word: 0.8133 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, name this 17th-century French + playwright of Andromache and Phèdre. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1749 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 +ContextualMatch_ContextualMatch: 0.2884 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0293 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0086 + Length_char: 0.5578 + Length_word: 0.5733 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0100 + Length_char: 0.7333 + Length_word: 0.8800 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Length_char: 0.5689 + Length_word: 0.5467 + Length_guess: 3.1781 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- +================= +aggressive 0.18 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Length_char: 0.5711 + Length_word: 0.5467 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 +ContextualMatch_ContextualMatch: 0.1761 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Length_char: -0.1067 + Length_word: -0.1733 + Length_guess: 3.0910 +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1947 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 + Length_char: 0.3400 + Length_word: 0.4800 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2497 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.8904 +ContextualMatch_ContextualMatch: 0.1998 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1820 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- +================= +timid 0.05 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.2022 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- +================= + ContextualMatch_ContextualMatch: 1.5875 + Gpr_confidence: 3.8350 + Length_char: 0.7753 + Length_guess: 0.9120 + Length_word: 0.6983 +Questions Right: 84 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.082070 diff --git a/feateng/evals/eval_output_length_frequency.txt b/feateng/evals/eval_output_length_frequency.txt new file mode 100644 index 000000000..5ddefb3dd --- /dev/null +++ b/feateng/evals/eval_output_length_frequency.txt @@ -0,0 +1,653 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.36 +=================== + + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Cube number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3972 + Length_char: -0.7622 + Length_word: -0.7333 + Length_guess: 2.4849 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.0204 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks +-------------------- + guess: Kalevi Aho + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.5572 + Length_char: 0.3533 + Length_word: 0.3467 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Length_char: -0.7711 + Length_word: -0.8000 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 1.7918 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Length_char: -0.7689 + Length_word: -0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- +================= +best 0.36 +=================== + + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + Length_char: 0.7911 + Length_word: 0.9333 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0293 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Length_char: 0.5689 + Length_word: 0.5467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Length_char: 0.4867 + Length_word: 0.4400 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0021 + Length_char: 0.5622 + Length_word: 0.6800 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 + Length_char: 0.1133 + Length_word: 0.0533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0010 + Length_char: -0.0978 + Length_word: -0.1467 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Length_char: 0.1156 + Length_word: 0.0800 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Length_char: 0.5711 + Length_word: 0.6933 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- +================= +timid 0.11 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0687 + Length_char: -0.1089 + Length_word: -0.1200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1749 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0028 + Length_char: -0.5533 + Length_word: -0.5733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- +================= +aggressive 0.16 +=================== + + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.7081 + Frequency_guess: 2.1972 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + Frequency_guess: 2.1972 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- +================= + Frequency_guess: 0.7076 + Gpr_confidence: 3.1661 + Length_char: 0.7949 + Length_guess: 1.9076 + Length_word: 0.7676 +Questions Right: 73 (out of 201) Accuracy: 0.73 Buzz ratio: 0.28 Buzz position: -0.115713 diff --git a/feateng/evals/eval_output_logit_no_features.txt b/feateng/evals/eval_output_logit_no_features.txt new file mode 100644 index 000000000..1bc079f5f --- /dev/null +++ b/feateng/evals/eval_output_logit_no_features.txt @@ -0,0 +1,990 @@ +Setting up logging +Loading buzzer +Initializing features: [''] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825} +Predictions (raw): [False True False False True True True True True True True True + True True True True False False True True True True True True + True True True True True True True True True False False False + True True True True True False True True True True True True + True True True True True True True True False False False True + False False True True False True True True True True True True + False True True True True True True True True False True True + False True True True False False False True True True True True + True True True True True True True True True True True True + True True True True True True True True True True True True + True True True False False True False True True True True True + True True True True True True True True True True True True + True True True True True True True True False False True True + True True False True True True True True True True True True + False False True True True True True True True True True True + True True True True True False False True True True True True + True True False True True True True True True] +Feature Matrix Shape: (201, 1) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384}, {'Gpr_confidence': -0.04252395093877667}, {'Gpr_confidence': -0.3653301}, {'Gpr_confidence': -0.59661174}, {'Gpr_confidence': -0.11516849021365}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 113, 'aggressive': 56, 'waiting': 30, 'timid': 2}) +Examples per Outcome: {'waiting': 30, 'aggressive': 56, 'best': 113, 'timid': 2} +waiting 0.15 +=================== + + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.3717 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: None + answer: Wrestling + id: 93178 + Gpr_confidence: -0.9607 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.2569 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Faye Greener + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3445 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: None + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8699 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: None + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.8238 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.4954 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: None + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.9141 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Lorelei Lee + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4550 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- +================= +aggressive 0.28 +=================== + + guess: Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0012 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0727 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0057 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Sam Shepard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0236 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Julius Caesar + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2022 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Dinitrogen complex + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2533 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0735 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Jo March + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1050 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Perfect cube + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2403 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed +-------------------- + guess: Sky burial + answer: Vultures + id: 93141 + Gpr_confidence: -0.0760 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- +================= +best 0.56 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0039 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0004 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0062 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0156 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0059 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0003 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0199 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0016 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0032 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- +================= +timid 0.01 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.3383 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3041 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- +================= + Gpr_confidence: 5.8000 +Questions Right: 113 (out of 201) Accuracy: 0.71 Buzz ratio: 0.42 Buzz position: -0.148043 diff --git a/feateng/evals/eval_output_logit_with_all_features.txt b/feateng/evals/eval_output_logit_with_all_features.txt new file mode 100644 index 000000000..e1eecee2c --- /dev/null +++ b/feateng/evals/eval_output_logit_with_all_features.txt @@ -0,0 +1,1545 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 1.6094379124341003, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17279580235481262, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062, 'Length_char': 0.5666666666666667, 'Length_word': 0.6533333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195, 'Length_char': 0.7755555555555556, 'Length_word': 0.84, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004, 'Length_char': -0.7666666666666667, 'Length_word': -0.8133333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05, 'Length_char': -0.5533333333333333, 'Length_word': -0.5733333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05, 'Length_char': -0.32666666666666666, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05, 'Length_char': -0.09777777777777778, 'Length_word': -0.14666666666666667, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05, 'Length_char': 0.11333333333333333, 'Length_word': 0.05333333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05, 'Length_char': 0.34444444444444444, 'Length_word': 0.28, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05, 'Length_char': 0.5555555555555556, 'Length_word': 0.49333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05, 'Length_char': 0.7577777777777778, 'Length_word': 0.6533333333333333, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663, 'Length_char': -0.5533333333333333, 'Length_word': -0.5866666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615, 'Length_char': -0.31777777777777777, 'Length_word': -0.3466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13937987387180328, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002, 'Length_char': -0.10444444444444445, 'Length_word': -0.10666666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455, 'Length_char': 0.1111111111111111, 'Length_word': 0.12, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075, 'Length_char': 0.34, 'Length_word': 0.30666666666666664, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001, 'Length_char': 0.5711111111111111, 'Length_word': 0.5466666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269, 'Length_char': 0.7088888888888889, 'Length_word': 0.6666666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575, 'Length_char': -0.7755555555555556, 'Length_word': -0.76, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18708449602127075, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05, 'Length_char': -0.5555555555555556, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339, 'Length_char': -0.3333333333333333, 'Length_word': -0.26666666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006, 'Length_char': -0.10888888888888888, 'Length_word': -0.02666666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001, 'Length_char': 0.11555555555555555, 'Length_word': 0.21333333333333335, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05, 'Length_char': 0.3377777777777778, 'Length_word': 0.4533333333333333, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462, 'Length_char': 0.5622222222222222, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796, 'Length_char': 0.7488888888888889, 'Length_word': 0.8533333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002, 'Length_char': -0.7622222222222222, 'Length_word': -0.7333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2349880188703537, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338, 'Length_char': -0.5555555555555556, 'Length_word': -0.49333333333333335, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.061470285058021545, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333, 'Length_char': -0.3333333333333333, 'Length_word': -0.22666666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16163302958011627, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582, 'Length_char': -0.10888888888888888, 'Length_word': 0.02666666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915, 'Length_char': 0.11555555555555555, 'Length_word': 0.28, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075, 'Length_char': 0.3466666666666667, 'Length_word': 0.5333333333333333, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235, 'Length_char': 0.5555555555555556, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995, 'Length_char': 0.7577777777777778, 'Length_word': 1.0133333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14964622259140015, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315, 'Length_char': -0.5422222222222223, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075, 'Length_char': -0.32222222222222224, 'Length_word': -0.29333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237, 'Length_char': -0.10888888888888888, 'Length_word': -0.05333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625, 'Length_char': 0.1111111111111111, 'Length_word': 0.14666666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645, 'Length_char': 0.3466666666666667, 'Length_word': 0.38666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08551882952451706, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655, 'Length_char': 0.5644444444444444, 'Length_word': 0.5866666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498, 'Length_char': 0.7622222222222222, 'Length_word': 0.84, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375, 'Length_char': -0.7688888888888888, 'Length_word': -0.76, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625, 'Length_char': -0.5511111111111111, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754, 'Length_char': -0.32, 'Length_word': -0.32, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223, 'Length_char': -0.10888888888888888, 'Length_word': -0.08, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997, 'Length_char': 0.11777777777777777, 'Length_word': 0.17333333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245, 'Length_char': 0.56, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535, 'Length_char': 0.7222222222222222, 'Length_word': 0.8266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951, 'Length_char': -0.7666666666666667, 'Length_word': -0.7866666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15262344479560852, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003, 'Length_char': -0.5488888888888889, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574, 'Length_char': -0.3244444444444444, 'Length_word': -0.36, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956, 'Length_char': -0.09555555555555556, 'Length_word': -0.12, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075, 'Length_char': 0.3488888888888889, 'Length_word': 0.30666666666666664, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12865012884140015, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808, 'Length_char': 0.5577777777777778, 'Length_word': 0.52, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502, 'Length_char': 0.72, 'Length_word': 0.68, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845, 'Length_char': -0.7688888888888888, 'Length_word': -0.72, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002, 'Length_char': -0.5533333333333333, 'Length_word': -0.4533333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363, 'Length_char': -0.33111111111111113, 'Length_word': -0.22666666666666666, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211, 'Length_char': -0.10222222222222223, 'Length_word': -0.013333333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.24, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05, 'Length_char': 0.34, 'Length_word': 0.48, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06, 'Length_char': 0.56, 'Length_word': 0.72, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002, 'Length_char': 0.7822222222222223, 'Length_word': 0.9333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865, 'Length_char': -0.5533333333333333, 'Length_word': -0.6, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018, 'Length_char': -0.3333333333333333, 'Length_word': -0.4, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997, 'Length_char': 0.11777777777777777, 'Length_word': 0.08, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525, 'Length_char': 0.34444444444444444, 'Length_word': 0.26666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455, 'Length_char': 0.5622222222222222, 'Length_word': 0.48, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715, 'Length_char': 0.7511111111111111, 'Length_word': 0.6133333333333333, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08173350244760513, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996, 'Length_char': -0.5466666666666666, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599, 'Length_char': -0.3333333333333333, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805, 'Length_char': -0.10666666666666667, 'Length_word': -0.13333333333333333, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175, 'Length_char': 0.1111111111111111, 'Length_word': 0.10666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167, 'Length_char': 0.3422222222222222, 'Length_word': 0.3333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013, 'Length_char': 0.5577777777777778, 'Length_word': 0.5466666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05, 'Length_char': 0.6022222222222222, 'Length_word': 0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225, 'Length_char': -0.5555555555555556, 'Length_word': -0.6133333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375, 'Length_char': -0.3333333333333333, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2514689564704895, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336, 'Length_char': -0.06222222222222222, 'Length_word': -0.18666666666666668, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667, 'Length_char': 0.12, 'Length_word': -0.04, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665, 'Length_char': 0.35555555555555557, 'Length_word': 0.16, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667, 'Length_char': 0.56, 'Length_word': 0.37333333333333335, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05, 'Length_char': 0.7466666666666667, 'Length_word': 0.5466666666666666, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241, 'Length_char': -0.7688888888888888, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255, 'Length_char': -0.33111111111111113, 'Length_word': -0.37333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281, 'Length_char': -0.1111111111111111, 'Length_word': -0.17333333333333334, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325, 'Length_char': 0.12444444444444444, 'Length_word': 0.08, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665, 'Length_char': 0.35333333333333333, 'Length_word': 0.3466666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093, 'Length_char': 0.5888888888888889, 'Length_word': 0.5333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638, 'Length_char': 0.6355555555555555, 'Length_word': 0.5866666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829, 'Length_char': -0.7733333333333333, 'Length_word': -0.7733333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15860654413700104, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875, 'Length_char': -0.5488888888888889, 'Length_word': -0.56, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997, 'Length_char': -0.33111111111111113, 'Length_word': -0.3333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05, 'Length_char': -0.07555555555555556, 'Length_word': -0.13333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.09333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05, 'Length_char': 0.3422222222222222, 'Length_word': 0.30666666666666664, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475, 'Length_char': 0.5577777777777778, 'Length_word': 0.5333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05, 'Length_char': 0.7333333333333333, 'Length_word': 0.7333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368, 'Length_char': -0.7711111111111111, 'Length_word': -0.8, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20681673288345337, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999, 'Length_char': -0.5533333333333333, 'Length_word': -0.56, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625, 'Length_char': -0.31777777777777777, 'Length_word': -0.32, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998, 'Length_char': -0.1111111111111111, 'Length_word': -0.13333333333333333, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001, 'Length_char': 0.34, 'Length_word': 0.32, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234, 'Length_char': 0.5577777777777778, 'Length_word': 0.5733333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228, 'Length_char': 0.7288888888888889, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2625080645084381, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032, 'Length_char': -0.5511111111111111, 'Length_word': -0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18276585638523102, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681, 'Length_char': -0.32222222222222224, 'Length_word': -0.25333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2279653251171112, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406, 'Length_char': -0.08888888888888889, 'Length_word': 0.0, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2010490596294403, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571, 'Length_char': 0.11777777777777777, 'Length_word': 0.25333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1364191174507141, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999, 'Length_char': 0.35333333333333333, 'Length_word': 0.52, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726, 'Length_char': 0.5622222222222222, 'Length_word': 0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075, 'Length_char': 0.7866666666666666, 'Length_word': 0.96, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652, 'Length_char': -0.7777777777777778, 'Length_word': -0.8, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633, 'Length_char': -0.5511111111111111, 'Length_word': -0.5733333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05, 'Length_char': -0.32222222222222224, 'Length_word': -0.37333333333333335, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925, 'Length_char': -0.10888888888888888, 'Length_word': -0.17333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05, 'Length_char': 0.11555555555555555, 'Length_word': 0.05333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656, 'Length_char': 0.3333333333333333, 'Length_word': 0.28, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567, 'Length_char': 0.4866666666666667, 'Length_word': 0.44, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925, 'Length_char': -0.32222222222222224, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575, 'Length_char': -0.10888888888888888, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975, 'Length_char': 0.1111111111111111, 'Length_word': 0.06666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825, 'Length_char': 0.33555555555555555, 'Length_word': 0.28, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375, 'Length_char': 0.5711111111111111, 'Length_word': 0.4666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275, 'Length_char': 0.7777777777777778, 'Length_word': 0.68, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655, 'Length_char': 0.8155555555555556, 'Length_word': 0.72, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668, 'Length_char': -0.5422222222222223, 'Length_word': -0.56, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665, 'Length_char': -0.31555555555555553, 'Length_word': -0.36, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666, 'Length_char': 0.11555555555555555, 'Length_word': 0.08, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326, 'Length_char': 0.3333333333333333, 'Length_word': 0.29333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001, 'Length_char': 0.5688888888888889, 'Length_word': 0.5466666666666666, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333, 'Length_char': 0.7622222222222222, 'Length_word': 0.7333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653, 'Length_char': -0.7711111111111111, 'Length_word': -0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625, 'Length_char': -0.5444444444444444, 'Length_word': -0.5466666666666666, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875, 'Length_char': -0.3111111111111111, 'Length_word': -0.32, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333, 'Length_char': -0.09777777777777778, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13640709221363068, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534, 'Length_char': 0.12444444444444444, 'Length_word': 0.10666666666666667, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981, 'Length_char': 0.3377777777777778, 'Length_word': 0.32, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521, 'Length_char': 0.5666666666666667, 'Length_word': 0.5733333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502, 'Length_char': 0.7377777777777778, 'Length_word': 0.7333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996, 'Length_char': -0.7644444444444445, 'Length_word': -0.76, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325, 'Length_char': -0.5511111111111111, 'Length_word': -0.5066666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297, 'Length_char': -0.10888888888888888, 'Length_word': -0.04, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765, 'Length_char': 0.11333333333333333, 'Length_word': 0.18666666666666668, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175, 'Length_char': 0.33555555555555555, 'Length_word': 0.44, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295, 'Length_char': 0.5577777777777778, 'Length_word': 0.68, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003, 'Length_char': 0.7333333333333333, 'Length_word': 0.88, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504, 'Length_char': -0.7777777777777778, 'Length_word': -0.7333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667, 'Length_char': -0.5444444444444444, 'Length_word': -0.5066666666666667, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2059742510318756, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666, 'Length_char': -0.10444444444444445, 'Length_word': -0.013333333333333334, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333, 'Length_char': 0.11777777777777777, 'Length_word': 0.26666666666666666, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664, 'Length_char': 0.3377777777777778, 'Length_word': 0.49333333333333335, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664, 'Length_char': 0.56, 'Length_word': 0.7066666666666667, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667, 'Length_char': 0.7777777777777778, 'Length_word': 0.92, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666, 'Length_char': 0.7911111111111111, 'Length_word': 0.9333333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666, 'Length_char': -0.7711111111111111, 'Length_word': -0.7066666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001, 'Length_char': -0.5355555555555556, 'Length_word': -0.44, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334, 'Length_char': -0.32222222222222224, 'Length_word': -0.21333333333333335, 'Length_guess': 1.9459101490553132, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22462095320224762, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998, 'Length_char': -0.1111111111111111, 'Length_word': 0.013333333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335, 'Length_char': 0.1111111111111111, 'Length_word': 0.25333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667, 'Length_char': 0.3422222222222222, 'Length_word': 0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238, 'Length_char': 0.5711111111111111, 'Length_word': 0.6933333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667, 'Length_char': 0.7222222222222222, 'Length_word': 0.8133333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334, 'Length_char': -0.7688888888888888, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22205069661140442, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774, 'Length_char': -0.5288888888888889, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488, 'Length_char': -0.33111111111111113, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288, 'Length_char': -0.1111111111111111, 'Length_word': -0.09333333333333334, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1974789798259735, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667, 'Length_char': 0.12222222222222222, 'Length_word': 0.14666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333, 'Length_char': 0.33555555555555555, 'Length_word': 0.37333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997, 'Length_char': 0.56, 'Length_word': 0.6133333333333333, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2571728825569153, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428, 'Length_char': 0.7555555555555555, 'Length_word': 0.8266666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167, 'Length_char': -0.7777777777777778, 'Length_word': -0.7866666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.11772456765174866, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174, 'Length_char': -0.5466666666666666, 'Length_word': -0.5733333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333, 'Length_char': -0.32666666666666666, 'Length_word': -0.4, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.0023900270462036133, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375, 'Length_char': -0.10666666666666667, 'Length_word': -0.17333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055, 'Length_char': 0.11333333333333333, 'Length_word': 0.013333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046, 'Length_char': 0.35555555555555557, 'Length_word': 0.24, 'Length_guess': 3.091042453358316, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.04836364462971687, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734, 'Length_char': 0.5622222222222222, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.06714285910129547, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825, 'Length_char': 0.7644444444444445, 'Length_word': 0.5866666666666667, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +Predictions (raw): [False True False False True True False True False False True True + True True True True False False False False True True True True + False True True True True True True True False False False False + False False True True True False False False True True True True + False False False False False False True True False False False False + False False False False False False False False False False False False + True True True True True True True True False False False False + False True True True False False False True True True True True + False True True True True True True True False False False False + False False True True False True True True False False False False + False True False False True True False True True True True True + True True True False False False False False False False True True + False False False False False False True True False False False True + True True True True False True True True True True True True + False False False False False False False False False True True False + True True True True True False False False False False True True + True False False False False False True True False] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 77, 'waiting': 66, 'timid': 38, 'aggressive': 20}) +Examples per Outcome: {'waiting': 66, 'aggressive': 20, 'best': 77, 'timid': 38} +waiting 0.33 +=================== + + guess: Carmichael Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3184 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.8904 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0615 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2507 + Length_char: 0.1156 + Length_word: 0.2800 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1080 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0735 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1232 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: None + answer: Wrestling + id: 93178 + Gpr_confidence: -0.9607 + Length_char: -0.7778 + Length_word: -0.7333 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used +-------------------- + guess: None + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2498 + Length_char: -0.7689 + Length_word: -0.7733 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: None + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.8238 + Length_char: -0.5556 + Length_word: -0.6133 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: None + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8699 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.4954 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1975 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- +================= +aggressive 0.10 +=================== + + guess: Dinitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0252 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.3979 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1364 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.5649 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1364 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0057 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0128 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0000 + Length_char: 0.6022 + Length_word: 0.5867 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0855 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Julius Caesar + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2022 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 2.6391 + Frequency_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1728 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1239 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1496 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- +================= +best 0.38 +=================== + + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0119 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0236 + Length_char: -0.7778 + Length_word: -0.8000 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0513 + Length_char: -0.3311 + Length_word: -0.3733 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0002 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0039 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0022 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + Length_char: 0.1133 + Length_word: 0.0533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Donald Davidson (philosopher) + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0368 + Length_char: 0.7511 + Length_word: 0.6133 + Length_guess: 3.4012 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0817 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name this American philosopher who devised "radical + interpretation" and anomalous monism. +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0002 + Length_char: 0.5622 + Length_word: 0.6800 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0129 + Length_char: 0.5711 + Length_word: 0.6933 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- +================= +timid 0.19 +=================== + + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0001 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0016 + Length_char: -0.3156 + Length_word: -0.3600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0157 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0023 + Length_char: 0.1178 + Length_word: 0.1733 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0472 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0001 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0062 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0199 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0028 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0014 + Length_char: -0.1089 + Length_word: -0.0800 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing +-------------------- +================= + Category_category=Fine Arts: -0.6124 + Category_category=Geography: -0.2925 + Category_category=History: 0.6837 + Category_category=Literature: -0.4757 + Category_category=Philosophy: -0.1306 + Category_category=Religion: 0.7653 + Category_category=Science: -0.1245 + Category_category=Social Science: 0.0658 + Category_category=Trash: 0.1212 +Category_subcategory=Fine Arts Audiovisual: -0.6615 + Category_subcategory=Fine Arts Auditory: 1.0638 + Category_subcategory=Fine Arts Other: 0.2666 + Category_subcategory=Fine Arts Visual: 0.5730 + Category_subcategory=History American: -0.0819 + Category_subcategory=History European: -0.0864 + Category_subcategory=History World: 0.9270 +Category_subcategory=Literature American: -0.4485 +Category_subcategory=Literature Classical: -0.1740 +Category_subcategory=Literature European: -0.6604 + Category_subcategory=Literature Other: 0.0888 + Category_subcategory=Literature World: -1.0699 + Category_subcategory=Science Biology: -0.0361 + Category_subcategory=Science Chemistry: 0.2375 +Category_subcategory=Science Computer Science: 0.9211 + Category_subcategory=Science Math: -0.6278 + Category_subcategory=Science Other: 0.1601 + Category_subcategory=Science Physics: -0.3911 + Category_tournament=ACF Winter: 0.0002 + Category_year: 0.0006 + ContextualMatch_ContextualMatch: 0.1537 + Frequency_guess: 3.0782 + Gpr_confidence: 2.3089 + Length_char: 0.5277 + Length_guess: -0.1757 + Length_word: 0.8023 + PreviousGuess_count: 0.0000 +Questions Right: 77 (out of 201) Accuracy: 0.71 Buzz ratio: 0.33 Buzz position: 0.088551 diff --git a/feateng/evals/eval_output_logit_with_frequency.txt b/feateng/evals/eval_output_logit_with_frequency.txt new file mode 100644 index 000000000..781b9c385 --- /dev/null +++ b/feateng/evals/eval_output_logit_with_frequency.txt @@ -0,0 +1,570 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +Predictions (raw): [False True False False True True False True False False False False + False False False False False False False False False False False False + False True True True True True True True False False False False + False False True True True False False False True True True True + False False False False False False False False False False False False + False False False False False False False False False False False False + True True True True True True True True False False False False + False False False False False False True True True True True True + False True True True True True True True False False False False + False False False False False True True True False False False False + False True False False True True False True True True True True + True True True False False False False False False False False False + False False False False False False False False False False False True + True True True True True True True True True True True True + False False False False False False False False False True True False + True True True True True False False False False False False False + False False False False False False True True False] +Feature Matrix Shape: (201, 2) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.04252395093877667, 'Frequency_guess': 1.3862943611198906}, {'Gpr_confidence': -0.3653301, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.59661174, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.11516849021365, 'Frequency_guess': 1.3862943611198906}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'waiting': 74, 'best': 63, 'timid': 52, 'aggressive': 12}) +Examples per Outcome: {'waiting': 74, 'aggressive': 12, 'best': 63, 'timid': 52} +waiting 0.37 +=================== + + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5966 + Frequency_guess: 0.0000 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3653 + Frequency_guess: 0.0000 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0004 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Tsuji-Trost reaction + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1274 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2008 + Frequency_guess: 0.0000 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0724 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0013 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- +================= +aggressive 0.06 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Frequency_guess: 1.0986 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Othello + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0425 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Julius Caesar + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2022 + Frequency_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0727 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Dinitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0252 + Frequency_guess: 0.6931 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Frequency_guess: 0.6931 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Michael reaction + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3749 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Sam Shepard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0236 + Frequency_guess: 1.0986 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + Frequency_guess: 2.0794 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- +================= +best 0.31 +=================== + + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0059 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0015 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0002 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0269 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0137 + Frequency_guess: 1.3863 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0039 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0003 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0032 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0156 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0022 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- +================= +timid 0.26 +=================== + + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0028 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0083 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0001 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the end of the Virgin Mary's life, in which + she arose "body and soul" into Heaven. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0000 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0058 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0012 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- +================= + Frequency_guess: 3.0227 + Gpr_confidence: 2.9627 +Questions Right: 63 (out of 201) Accuracy: 0.68 Buzz ratio: 0.28 Buzz position: 0.042552 diff --git a/feateng/evals/eval_output_logit_with_length.txt b/feateng/evals/eval_output_logit_with_length.txt new file mode 100644 index 000000000..befb9dbfd --- /dev/null +++ b/feateng/evals/eval_output_logit_with_length.txt @@ -0,0 +1,487 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length'] +dataset: ../data/qanta.buzzdev.json.gz +Predictions (raw): [False True False False True True True True True True True True + True True True True False False True True True True True True + False True True True True True True True False False False False + True True True True False False True True True True True True + True True True True True True True True False False False True + True True True True False True True True True True True True + False True True True True True True True True False True True + False True True True False False False True True True True True + False False True True True True True True False True True True + True True True True True True True True True True True True + False True True False True True False True True True True True + True True True True True True True True True True True True + True True True True True True True True False False False True + True True True True True True True True True True True True + False False True True True True True True True False True True + True True True True True False False True True True True True + True False False True True True True True True] +Feature Matrix Shape: (201, 4) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 112, 'aggressive': 51, 'waiting': 35, 'timid': 3}) +Examples per Outcome: {'waiting': 35, 'aggressive': 51, 'best': 112, 'timid': 3} +waiting 0.17 +=================== + + guess: None + answer: None + id: 93153 + Gpr_confidence: -0.6987 + Length_char: -0.5467 + Length_word: -0.5867 + Length_guess: 1.6094 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5966 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Suzan-Lori Parks + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2783 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.8332 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Pope Joan + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.1490 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 2.3026 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: None. + answer: Vultures + id: 93141 + Gpr_confidence: -0.7410 + Length_char: -0.5533 + Length_word: -0.5867 + Length_guess: 1.7918 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a +-------------------- + guess: Oleanna + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1427 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.0794 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Perfect cube + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2403 + Length_char: -0.7622 + Length_word: -0.7333 + Length_guess: 2.5649 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed +-------------------- + guess: Dinitrogen complex + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3351 + Length_char: -0.5444 + Length_word: -0.5467 + Length_guess: 2.9444 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Michael reaction + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3749 + Length_char: -0.3333 + Length_word: -0.3733 + Length_guess: 2.8332 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Carmichael Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3184 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.8904 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- +================= +aggressive 0.25 +=================== + + guess: Dinitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0252 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.3979 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0012 + Length_char: -0.3222 + Length_word: -0.2133 + Length_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + Length_char: 0.3400 + Length_word: 0.4800 + Length_guess: 2.1972 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2008 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Jo March + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1050 + Length_char: -0.7711 + Length_word: -0.8000 + Length_guess: 2.1972 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0056 + Length_char: 0.5711 + Length_word: 0.5467 + Length_guess: 2.0794 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1985 + Length_char: -0.0956 + Length_word: -0.1200 + Length_guess: 1.6094 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- +================= +best 0.56 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.1152 + Length_char: 0.1111 + Length_word: 0.2133 + Length_guess: 2.4849 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0022 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0157 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.3979 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0022 + Length_char: 0.3333 + Length_word: 0.2800 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0012 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0199 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0337 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0000 + Length_char: -0.5556 + Length_word: -0.5467 + Length_guess: 3.0445 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0011 + Length_char: 0.1156 + Length_word: 0.0800 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0085 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- +================= +timid 0.01 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.3383 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 2.7726 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2270 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 2.5649 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.1266 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= + Gpr_confidence: 5.3865 + Length_char: 0.8589 + Length_guess: -0.5093 + Length_word: 0.6551 +Questions Right: 112 (out of 201) Accuracy: 0.73 Buzz ratio: 0.43 Buzz position: 0.083863 diff --git a/feateng/evals/eval_output_logit_with_length_frequency_category_contextualmatch_previousguess.txt b/feateng/evals/eval_output_logit_with_length_frequency_category_contextualmatch_previousguess.txt new file mode 100644 index 000000000..ba9fa1df8 --- /dev/null +++ b/feateng/evals/eval_output_logit_with_length_frequency_category_contextualmatch_previousguess.txt @@ -0,0 +1,1555 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 1.6094379124341003, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17279580235481262, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062, 'Length_char': 0.5666666666666667, 'Length_word': 0.6533333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195, 'Length_char': 0.7755555555555556, 'Length_word': 0.84, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004, 'Length_char': -0.7666666666666667, 'Length_word': -0.8133333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05, 'Length_char': -0.5533333333333333, 'Length_word': -0.5733333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05, 'Length_char': -0.32666666666666666, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05, 'Length_char': -0.09777777777777778, 'Length_word': -0.14666666666666667, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05, 'Length_char': 0.11333333333333333, 'Length_word': 0.05333333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05, 'Length_char': 0.34444444444444444, 'Length_word': 0.28, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05, 'Length_char': 0.5555555555555556, 'Length_word': 0.49333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05, 'Length_char': 0.7577777777777778, 'Length_word': 0.6533333333333333, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663, 'Length_char': -0.5533333333333333, 'Length_word': -0.5866666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615, 'Length_char': -0.31777777777777777, 'Length_word': -0.3466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13937987387180328, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002, 'Length_char': -0.10444444444444445, 'Length_word': -0.10666666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455, 'Length_char': 0.1111111111111111, 'Length_word': 0.12, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075, 'Length_char': 0.34, 'Length_word': 0.30666666666666664, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001, 'Length_char': 0.5711111111111111, 'Length_word': 0.5466666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269, 'Length_char': 0.7088888888888889, 'Length_word': 0.6666666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575, 'Length_char': -0.7755555555555556, 'Length_word': -0.76, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18708449602127075, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05, 'Length_char': -0.5555555555555556, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339, 'Length_char': -0.3333333333333333, 'Length_word': -0.26666666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006, 'Length_char': -0.10888888888888888, 'Length_word': -0.02666666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001, 'Length_char': 0.11555555555555555, 'Length_word': 0.21333333333333335, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05, 'Length_char': 0.3377777777777778, 'Length_word': 0.4533333333333333, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462, 'Length_char': 0.5622222222222222, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796, 'Length_char': 0.7488888888888889, 'Length_word': 0.8533333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002, 'Length_char': -0.7622222222222222, 'Length_word': -0.7333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2349880188703537, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338, 'Length_char': -0.5555555555555556, 'Length_word': -0.49333333333333335, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.061470285058021545, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333, 'Length_char': -0.3333333333333333, 'Length_word': -0.22666666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16163302958011627, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582, 'Length_char': -0.10888888888888888, 'Length_word': 0.02666666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915, 'Length_char': 0.11555555555555555, 'Length_word': 0.28, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075, 'Length_char': 0.3466666666666667, 'Length_word': 0.5333333333333333, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235, 'Length_char': 0.5555555555555556, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995, 'Length_char': 0.7577777777777778, 'Length_word': 1.0133333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14964622259140015, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315, 'Length_char': -0.5422222222222223, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075, 'Length_char': -0.32222222222222224, 'Length_word': -0.29333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237, 'Length_char': -0.10888888888888888, 'Length_word': -0.05333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625, 'Length_char': 0.1111111111111111, 'Length_word': 0.14666666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645, 'Length_char': 0.3466666666666667, 'Length_word': 0.38666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08551882952451706, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655, 'Length_char': 0.5644444444444444, 'Length_word': 0.5866666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498, 'Length_char': 0.7622222222222222, 'Length_word': 0.84, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375, 'Length_char': -0.7688888888888888, 'Length_word': -0.76, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625, 'Length_char': -0.5511111111111111, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754, 'Length_char': -0.32, 'Length_word': -0.32, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223, 'Length_char': -0.10888888888888888, 'Length_word': -0.08, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997, 'Length_char': 0.11777777777777777, 'Length_word': 0.17333333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245, 'Length_char': 0.56, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535, 'Length_char': 0.7222222222222222, 'Length_word': 0.8266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951, 'Length_char': -0.7666666666666667, 'Length_word': -0.7866666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15262344479560852, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003, 'Length_char': -0.5488888888888889, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574, 'Length_char': -0.3244444444444444, 'Length_word': -0.36, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956, 'Length_char': -0.09555555555555556, 'Length_word': -0.12, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075, 'Length_char': 0.3488888888888889, 'Length_word': 0.30666666666666664, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12865012884140015, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808, 'Length_char': 0.5577777777777778, 'Length_word': 0.52, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502, 'Length_char': 0.72, 'Length_word': 0.68, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845, 'Length_char': -0.7688888888888888, 'Length_word': -0.72, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002, 'Length_char': -0.5533333333333333, 'Length_word': -0.4533333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363, 'Length_char': -0.33111111111111113, 'Length_word': -0.22666666666666666, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211, 'Length_char': -0.10222222222222223, 'Length_word': -0.013333333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.24, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05, 'Length_char': 0.34, 'Length_word': 0.48, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06, 'Length_char': 0.56, 'Length_word': 0.72, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002, 'Length_char': 0.7822222222222223, 'Length_word': 0.9333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865, 'Length_char': -0.5533333333333333, 'Length_word': -0.6, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018, 'Length_char': -0.3333333333333333, 'Length_word': -0.4, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997, 'Length_char': 0.11777777777777777, 'Length_word': 0.08, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525, 'Length_char': 0.34444444444444444, 'Length_word': 0.26666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455, 'Length_char': 0.5622222222222222, 'Length_word': 0.48, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715, 'Length_char': 0.7511111111111111, 'Length_word': 0.6133333333333333, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08173350244760513, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996, 'Length_char': -0.5466666666666666, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599, 'Length_char': -0.3333333333333333, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805, 'Length_char': -0.10666666666666667, 'Length_word': -0.13333333333333333, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175, 'Length_char': 0.1111111111111111, 'Length_word': 0.10666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167, 'Length_char': 0.3422222222222222, 'Length_word': 0.3333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013, 'Length_char': 0.5577777777777778, 'Length_word': 0.5466666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05, 'Length_char': 0.6022222222222222, 'Length_word': 0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225, 'Length_char': -0.5555555555555556, 'Length_word': -0.6133333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375, 'Length_char': -0.3333333333333333, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2514689564704895, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336, 'Length_char': -0.06222222222222222, 'Length_word': -0.18666666666666668, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667, 'Length_char': 0.12, 'Length_word': -0.04, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665, 'Length_char': 0.35555555555555557, 'Length_word': 0.16, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667, 'Length_char': 0.56, 'Length_word': 0.37333333333333335, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05, 'Length_char': 0.7466666666666667, 'Length_word': 0.5466666666666666, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241, 'Length_char': -0.7688888888888888, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255, 'Length_char': -0.33111111111111113, 'Length_word': -0.37333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281, 'Length_char': -0.1111111111111111, 'Length_word': -0.17333333333333334, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325, 'Length_char': 0.12444444444444444, 'Length_word': 0.08, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665, 'Length_char': 0.35333333333333333, 'Length_word': 0.3466666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093, 'Length_char': 0.5888888888888889, 'Length_word': 0.5333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638, 'Length_char': 0.6355555555555555, 'Length_word': 0.5866666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829, 'Length_char': -0.7733333333333333, 'Length_word': -0.7733333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15860654413700104, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875, 'Length_char': -0.5488888888888889, 'Length_word': -0.56, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997, 'Length_char': -0.33111111111111113, 'Length_word': -0.3333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05, 'Length_char': -0.07555555555555556, 'Length_word': -0.13333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.09333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05, 'Length_char': 0.3422222222222222, 'Length_word': 0.30666666666666664, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475, 'Length_char': 0.5577777777777778, 'Length_word': 0.5333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05, 'Length_char': 0.7333333333333333, 'Length_word': 0.7333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368, 'Length_char': -0.7711111111111111, 'Length_word': -0.8, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20681673288345337, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999, 'Length_char': -0.5533333333333333, 'Length_word': -0.56, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625, 'Length_char': -0.31777777777777777, 'Length_word': -0.32, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998, 'Length_char': -0.1111111111111111, 'Length_word': -0.13333333333333333, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001, 'Length_char': 0.34, 'Length_word': 0.32, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234, 'Length_char': 0.5577777777777778, 'Length_word': 0.5733333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228, 'Length_char': 0.7288888888888889, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2625080645084381, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032, 'Length_char': -0.5511111111111111, 'Length_word': -0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18276585638523102, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681, 'Length_char': -0.32222222222222224, 'Length_word': -0.25333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2279653251171112, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406, 'Length_char': -0.08888888888888889, 'Length_word': 0.0, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2010490596294403, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571, 'Length_char': 0.11777777777777777, 'Length_word': 0.25333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1364191174507141, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999, 'Length_char': 0.35333333333333333, 'Length_word': 0.52, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726, 'Length_char': 0.5622222222222222, 'Length_word': 0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075, 'Length_char': 0.7866666666666666, 'Length_word': 0.96, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652, 'Length_char': -0.7777777777777778, 'Length_word': -0.8, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633, 'Length_char': -0.5511111111111111, 'Length_word': -0.5733333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05, 'Length_char': -0.32222222222222224, 'Length_word': -0.37333333333333335, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925, 'Length_char': -0.10888888888888888, 'Length_word': -0.17333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05, 'Length_char': 0.11555555555555555, 'Length_word': 0.05333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656, 'Length_char': 0.3333333333333333, 'Length_word': 0.28, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567, 'Length_char': 0.4866666666666667, 'Length_word': 0.44, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925, 'Length_char': -0.32222222222222224, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575, 'Length_char': -0.10888888888888888, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975, 'Length_char': 0.1111111111111111, 'Length_word': 0.06666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825, 'Length_char': 0.33555555555555555, 'Length_word': 0.28, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375, 'Length_char': 0.5711111111111111, 'Length_word': 0.4666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275, 'Length_char': 0.7777777777777778, 'Length_word': 0.68, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655, 'Length_char': 0.8155555555555556, 'Length_word': 0.72, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668, 'Length_char': -0.5422222222222223, 'Length_word': -0.56, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665, 'Length_char': -0.31555555555555553, 'Length_word': -0.36, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666, 'Length_char': 0.11555555555555555, 'Length_word': 0.08, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326, 'Length_char': 0.3333333333333333, 'Length_word': 0.29333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001, 'Length_char': 0.5688888888888889, 'Length_word': 0.5466666666666666, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333, 'Length_char': 0.7622222222222222, 'Length_word': 0.7333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653, 'Length_char': -0.7711111111111111, 'Length_word': -0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625, 'Length_char': -0.5444444444444444, 'Length_word': -0.5466666666666666, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875, 'Length_char': -0.3111111111111111, 'Length_word': -0.32, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333, 'Length_char': -0.09777777777777778, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13640709221363068, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534, 'Length_char': 0.12444444444444444, 'Length_word': 0.10666666666666667, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981, 'Length_char': 0.3377777777777778, 'Length_word': 0.32, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521, 'Length_char': 0.5666666666666667, 'Length_word': 0.5733333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502, 'Length_char': 0.7377777777777778, 'Length_word': 0.7333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996, 'Length_char': -0.7644444444444445, 'Length_word': -0.76, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325, 'Length_char': -0.5511111111111111, 'Length_word': -0.5066666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297, 'Length_char': -0.10888888888888888, 'Length_word': -0.04, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765, 'Length_char': 0.11333333333333333, 'Length_word': 0.18666666666666668, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175, 'Length_char': 0.33555555555555555, 'Length_word': 0.44, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295, 'Length_char': 0.5577777777777778, 'Length_word': 0.68, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003, 'Length_char': 0.7333333333333333, 'Length_word': 0.88, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504, 'Length_char': -0.7777777777777778, 'Length_word': -0.7333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667, 'Length_char': -0.5444444444444444, 'Length_word': -0.5066666666666667, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2059742510318756, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666, 'Length_char': -0.10444444444444445, 'Length_word': -0.013333333333333334, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333, 'Length_char': 0.11777777777777777, 'Length_word': 0.26666666666666666, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664, 'Length_char': 0.3377777777777778, 'Length_word': 0.49333333333333335, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664, 'Length_char': 0.56, 'Length_word': 0.7066666666666667, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667, 'Length_char': 0.7777777777777778, 'Length_word': 0.92, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666, 'Length_char': 0.7911111111111111, 'Length_word': 0.9333333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666, 'Length_char': -0.7711111111111111, 'Length_word': -0.7066666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001, 'Length_char': -0.5355555555555556, 'Length_word': -0.44, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334, 'Length_char': -0.32222222222222224, 'Length_word': -0.21333333333333335, 'Length_guess': 1.9459101490553132, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22462095320224762, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998, 'Length_char': -0.1111111111111111, 'Length_word': 0.013333333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335, 'Length_char': 0.1111111111111111, 'Length_word': 0.25333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667, 'Length_char': 0.3422222222222222, 'Length_word': 0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238, 'Length_char': 0.5711111111111111, 'Length_word': 0.6933333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667, 'Length_char': 0.7222222222222222, 'Length_word': 0.8133333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334, 'Length_char': -0.7688888888888888, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22205069661140442, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774, 'Length_char': -0.5288888888888889, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488, 'Length_char': -0.33111111111111113, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288, 'Length_char': -0.1111111111111111, 'Length_word': -0.09333333333333334, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1974789798259735, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667, 'Length_char': 0.12222222222222222, 'Length_word': 0.14666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333, 'Length_char': 0.33555555555555555, 'Length_word': 0.37333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997, 'Length_char': 0.56, 'Length_word': 0.6133333333333333, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2571728825569153, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428, 'Length_char': 0.7555555555555555, 'Length_word': 0.8266666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167, 'Length_char': -0.7777777777777778, 'Length_word': -0.7866666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.11772456765174866, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174, 'Length_char': -0.5466666666666666, 'Length_word': -0.5733333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333, 'Length_char': -0.32666666666666666, 'Length_word': -0.4, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.0023900270462036133, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375, 'Length_char': -0.10666666666666667, 'Length_word': -0.17333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055, 'Length_char': 0.11333333333333333, 'Length_word': 0.013333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046, 'Length_char': 0.35555555555555557, 'Length_word': 0.24, 'Length_guess': 3.091042453358316, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.04836364462971687, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734, 'Length_char': 0.5622222222222222, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.06714285910129547, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825, 'Length_char': 0.7644444444444445, 'Length_word': 0.5866666666666667, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +Predictions (raw): [False True False False True True False True False False True True + True True True True False False False False True True True True + False True True True True True True True False False False False + False False True True True False False False True True True True + False False False False False False True True False False False False + False False False False False False False False False False False False + True True True True True True True True False False False False + False True True True False False False True True True True True + False True True True True True True True False False False False + False False True True False True True True False False False False + False True False False True True False True True True True True + True True True False False False False False False False True True + False False False False False False True True False False False True + True True True True False True True True True True True True + False False False False False False False False False True True False + True True True True True False False False False False True True + True False False False False False True True False] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 77, 'waiting': 66, 'timid': 38, 'aggressive': 20}) +Examples per Outcome: {'waiting': 66, 'aggressive': 20, 'best': 77, 'timid': 38} +waiting 0.33 +=================== + + guess: Lorelei Lee + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4550 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.4849 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1526 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.3717 + Length_char: -0.5489 + Length_word: -0.5867 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: None + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.9141 + Length_char: 0.5622 + Length_word: 0.7600 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.0120 + Length_char: -0.3333 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Oleanna + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1427 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2625 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0004 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.4954 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1975 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: None + answer: Wrestling + id: 93178 + Gpr_confidence: -0.9607 + Length_char: -0.7778 + Length_word: -0.7333 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used +-------------------- + guess: Sumo wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.4471 + Length_char: -0.5444 + Length_word: -0.5067 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2060 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade +-------------------- +================= +aggressive 0.10 +=================== + + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0056 + Length_char: 0.5711 + Length_word: 0.5467 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0057 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0727 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0855 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Othello + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0425 + Length_char: -0.5489 + Length_word: -0.5333 + Length_guess: 2.0794 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2112 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.5649 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1364 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0003 + Length_char: 0.5578 + Length_word: 0.5467 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1239 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1496 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Dinitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0252 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.3979 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1364 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0681 + Length_char: 0.7556 + Length_word: 0.8267 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2733 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- +================= +best 0.38 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0026 + Length_char: 0.3444 + Length_word: 0.2667 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.1266 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0008 + Length_char: 0.1156 + Length_word: 0.2133 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0100 + Length_char: 0.7222 + Length_word: 0.8133 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, name this 17th-century French + playwright of Andromache and Phèdre. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0036 + Length_char: 0.5622 + Length_word: 0.4800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0059 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0236 + Length_char: -0.7778 + Length_word: -0.8000 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0004 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0001 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0063 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- +================= +timid 0.19 +=================== + + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0000 + Length_char: 0.1222 + Length_word: 0.0933 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0001 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0002 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0098 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0002 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0010 + Length_char: 0.7911 + Length_word: 0.9333 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0027 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Length_char: -0.5533 + Length_word: -0.5733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0017 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0045 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran +-------------------- +================= + Category_category=Fine Arts: -0.6124 + Category_category=Geography: -0.2925 + Category_category=History: 0.6837 + Category_category=Literature: -0.4757 + Category_category=Philosophy: -0.1306 + Category_category=Religion: 0.7653 + Category_category=Science: -0.1245 + Category_category=Social Science: 0.0658 + Category_category=Trash: 0.1212 +Category_subcategory=Fine Arts Audiovisual: -0.6615 + Category_subcategory=Fine Arts Auditory: 1.0638 + Category_subcategory=Fine Arts Other: 0.2666 + Category_subcategory=Fine Arts Visual: 0.5730 + Category_subcategory=History American: -0.0819 + Category_subcategory=History European: -0.0864 + Category_subcategory=History World: 0.9270 +Category_subcategory=Literature American: -0.4485 +Category_subcategory=Literature Classical: -0.1740 +Category_subcategory=Literature European: -0.6604 + Category_subcategory=Literature Other: 0.0888 + Category_subcategory=Literature World: -1.0699 + Category_subcategory=Science Biology: -0.0361 + Category_subcategory=Science Chemistry: 0.2375 +Category_subcategory=Science Computer Science: 0.9211 + Category_subcategory=Science Math: -0.6278 + Category_subcategory=Science Other: 0.1601 + Category_subcategory=Science Physics: -0.3911 + Category_tournament=ACF Winter: 0.0002 + Category_year: 0.0006 + ContextualMatch_ContextualMatch: 0.1537 + Frequency_guess: 3.0782 + Gpr_confidence: 2.3089 + Length_char: 0.5277 + Length_guess: -0.1757 + Length_word: 0.8023 + PreviousGuess_count: 0.0000 +Questions Right: 77 (out of 201) Accuracy: 0.71 Buzz ratio: 0.33 Buzz position: 0.088551 diff --git a/feateng/evals/eval_output_logitwith_all_features.txt b/feateng/evals/eval_output_logitwith_all_features.txt new file mode 100644 index 000000000..2763ee5dd --- /dev/null +++ b/feateng/evals/eval_output_logitwith_all_features.txt @@ -0,0 +1,686 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: Witch hunt + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.7128 + Length_char: -0.7689 + Length_word: -0.7467 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0007 + Length_char: 0.3356 + Length_word: 0.3733 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Carmichael Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3184 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.8904 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: The Island + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1912 + Length_char: -0.3222 + Length_word: -0.2533 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: None + answer: None + id: 93153 + Gpr_confidence: -0.6987 + Length_char: -0.5467 + Length_word: -0.5867 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: Jo March + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1050 + Length_char: -0.7711 + Length_word: -0.8000 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Michael reaction + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3749 + Length_char: -0.3333 + Length_word: -0.3733 + Length_guess: 2.8332 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0128 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- +================= +aggressive 0.10 +=================== + + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.5649 + Frequency_guess: 2.0794 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Sam Shepard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0236 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.4849 + Frequency_guess: 1.0986 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0056 + Length_char: 0.5711 + Length_word: 0.5467 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0000 + Length_char: 0.6022 + Length_word: 0.5867 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0007 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Julius Caesar + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2022 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 2.6391 + Frequency_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0003 + Length_char: 0.5578 + Length_word: 0.5467 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0061 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0727 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- +================= +best 0.35 +=================== + + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0321 + Length_char: 0.1111 + Length_word: 0.1467 + Length_guess: 2.8904 + Frequency_guess: 1.3863 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0026 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0098 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0206 + Length_char: 0.7867 + Length_word: 0.9600 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his black servants. For 10 points, name this South African + playwright of "Master Harold"...and the Boys. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0058 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Rainer Ludwig Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1521 + Length_char: 0.3556 + Length_word: 0.2400 + Length_guess: 3.0910 + Frequency_guess: 1.0986 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0022 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0001 + Length_char: 0.1156 + Length_word: 0.0533 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0003 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0011 + Length_char: 0.7622 + Length_word: 0.8400 + Length_guess: 2.8904 + Frequency_guess: 1.3863 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- +================= +timid 0.22 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0001 + Length_char: 0.3356 + Length_word: 0.2800 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0093 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0023 + Length_char: 0.1178 + Length_word: 0.1733 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0065 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0002 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0083 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0096 + Length_char: 0.7222 + Length_word: 0.8267 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0001 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- +================= + Frequency_guess: 2.8179 + Gpr_confidence: 2.9068 + Length_char: 0.5751 + Length_guess: -0.3526 + Length_word: 0.5765 +Questions Right: 71 (out of 201) Accuracy: 0.68 Buzz ratio: 0.30 Buzz position: 0.077099 diff --git a/feateng/evals/eval_output_mlp_no_features.txt b/feateng/evals/eval_output_mlp_no_features.txt new file mode 100644 index 000000000..415f0d426 --- /dev/null +++ b/feateng/evals/eval_output_mlp_no_features.txt @@ -0,0 +1,923 @@ +Setting up logging +Loading buzzer +Initializing features: [''] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825} +Predictions (raw): [False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384}, {'Gpr_confidence': -0.04252395093877667}, {'Gpr_confidence': -0.3653301}, {'Gpr_confidence': -0.59661174}, {'Gpr_confidence': -0.11516849021365}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'timid': 115, 'waiting': 86}) +Examples per Outcome: {'waiting': 86, 'timid': 115} +waiting 0.43 +=================== + + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0003 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Othello + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0425 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: None + answer: None + id: 93153 + Gpr_confidence: -0.6987 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0004 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5966 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Lorelei Lee + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4550 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.2569 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- +================= +timid 0.57 +=================== + + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0060 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0058 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0002 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0063 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0062 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0002 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0017 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0093 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0004 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0003 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 0 (out of 201) Accuracy: 0.43 Buzz ratio: 0.00 Buzz position: 0.000000 diff --git a/feateng/evals/eval_output_mlp_with_all_features.txt b/feateng/evals/eval_output_mlp_with_all_features.txt new file mode 100644 index 000000000..94277ee84 --- /dev/null +++ b/feateng/evals/eval_output_mlp_with_all_features.txt @@ -0,0 +1,1563 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 1.6094379124341003, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17279580235481262, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062, 'Length_char': 0.5666666666666667, 'Length_word': 0.6533333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195, 'Length_char': 0.7755555555555556, 'Length_word': 0.84, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004, 'Length_char': -0.7666666666666667, 'Length_word': -0.8133333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05, 'Length_char': -0.5533333333333333, 'Length_word': -0.5733333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05, 'Length_char': -0.32666666666666666, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05, 'Length_char': -0.09777777777777778, 'Length_word': -0.14666666666666667, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05, 'Length_char': 0.11333333333333333, 'Length_word': 0.05333333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05, 'Length_char': 0.34444444444444444, 'Length_word': 0.28, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05, 'Length_char': 0.5555555555555556, 'Length_word': 0.49333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05, 'Length_char': 0.7577777777777778, 'Length_word': 0.6533333333333333, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663, 'Length_char': -0.5533333333333333, 'Length_word': -0.5866666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615, 'Length_char': -0.31777777777777777, 'Length_word': -0.3466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13937987387180328, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002, 'Length_char': -0.10444444444444445, 'Length_word': -0.10666666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455, 'Length_char': 0.1111111111111111, 'Length_word': 0.12, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075, 'Length_char': 0.34, 'Length_word': 0.30666666666666664, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001, 'Length_char': 0.5711111111111111, 'Length_word': 0.5466666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269, 'Length_char': 0.7088888888888889, 'Length_word': 0.6666666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575, 'Length_char': -0.7755555555555556, 'Length_word': -0.76, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18708449602127075, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05, 'Length_char': -0.5555555555555556, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339, 'Length_char': -0.3333333333333333, 'Length_word': -0.26666666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006, 'Length_char': -0.10888888888888888, 'Length_word': -0.02666666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001, 'Length_char': 0.11555555555555555, 'Length_word': 0.21333333333333335, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05, 'Length_char': 0.3377777777777778, 'Length_word': 0.4533333333333333, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462, 'Length_char': 0.5622222222222222, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796, 'Length_char': 0.7488888888888889, 'Length_word': 0.8533333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002, 'Length_char': -0.7622222222222222, 'Length_word': -0.7333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2349880188703537, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338, 'Length_char': -0.5555555555555556, 'Length_word': -0.49333333333333335, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.061470285058021545, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333, 'Length_char': -0.3333333333333333, 'Length_word': -0.22666666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16163302958011627, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582, 'Length_char': -0.10888888888888888, 'Length_word': 0.02666666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915, 'Length_char': 0.11555555555555555, 'Length_word': 0.28, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075, 'Length_char': 0.3466666666666667, 'Length_word': 0.5333333333333333, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235, 'Length_char': 0.5555555555555556, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995, 'Length_char': 0.7577777777777778, 'Length_word': 1.0133333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14964622259140015, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315, 'Length_char': -0.5422222222222223, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075, 'Length_char': -0.32222222222222224, 'Length_word': -0.29333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237, 'Length_char': -0.10888888888888888, 'Length_word': -0.05333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625, 'Length_char': 0.1111111111111111, 'Length_word': 0.14666666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645, 'Length_char': 0.3466666666666667, 'Length_word': 0.38666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08551882952451706, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655, 'Length_char': 0.5644444444444444, 'Length_word': 0.5866666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498, 'Length_char': 0.7622222222222222, 'Length_word': 0.84, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375, 'Length_char': -0.7688888888888888, 'Length_word': -0.76, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625, 'Length_char': -0.5511111111111111, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754, 'Length_char': -0.32, 'Length_word': -0.32, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223, 'Length_char': -0.10888888888888888, 'Length_word': -0.08, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997, 'Length_char': 0.11777777777777777, 'Length_word': 0.17333333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245, 'Length_char': 0.56, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535, 'Length_char': 0.7222222222222222, 'Length_word': 0.8266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951, 'Length_char': -0.7666666666666667, 'Length_word': -0.7866666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15262344479560852, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003, 'Length_char': -0.5488888888888889, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574, 'Length_char': -0.3244444444444444, 'Length_word': -0.36, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956, 'Length_char': -0.09555555555555556, 'Length_word': -0.12, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075, 'Length_char': 0.3488888888888889, 'Length_word': 0.30666666666666664, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12865012884140015, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808, 'Length_char': 0.5577777777777778, 'Length_word': 0.52, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502, 'Length_char': 0.72, 'Length_word': 0.68, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845, 'Length_char': -0.7688888888888888, 'Length_word': -0.72, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002, 'Length_char': -0.5533333333333333, 'Length_word': -0.4533333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363, 'Length_char': -0.33111111111111113, 'Length_word': -0.22666666666666666, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211, 'Length_char': -0.10222222222222223, 'Length_word': -0.013333333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.24, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05, 'Length_char': 0.34, 'Length_word': 0.48, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06, 'Length_char': 0.56, 'Length_word': 0.72, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002, 'Length_char': 0.7822222222222223, 'Length_word': 0.9333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865, 'Length_char': -0.5533333333333333, 'Length_word': -0.6, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018, 'Length_char': -0.3333333333333333, 'Length_word': -0.4, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997, 'Length_char': 0.11777777777777777, 'Length_word': 0.08, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525, 'Length_char': 0.34444444444444444, 'Length_word': 0.26666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455, 'Length_char': 0.5622222222222222, 'Length_word': 0.48, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715, 'Length_char': 0.7511111111111111, 'Length_word': 0.6133333333333333, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08173350244760513, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996, 'Length_char': -0.5466666666666666, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599, 'Length_char': -0.3333333333333333, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805, 'Length_char': -0.10666666666666667, 'Length_word': -0.13333333333333333, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175, 'Length_char': 0.1111111111111111, 'Length_word': 0.10666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167, 'Length_char': 0.3422222222222222, 'Length_word': 0.3333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013, 'Length_char': 0.5577777777777778, 'Length_word': 0.5466666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05, 'Length_char': 0.6022222222222222, 'Length_word': 0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225, 'Length_char': -0.5555555555555556, 'Length_word': -0.6133333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375, 'Length_char': -0.3333333333333333, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2514689564704895, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336, 'Length_char': -0.06222222222222222, 'Length_word': -0.18666666666666668, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667, 'Length_char': 0.12, 'Length_word': -0.04, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665, 'Length_char': 0.35555555555555557, 'Length_word': 0.16, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667, 'Length_char': 0.56, 'Length_word': 0.37333333333333335, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05, 'Length_char': 0.7466666666666667, 'Length_word': 0.5466666666666666, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241, 'Length_char': -0.7688888888888888, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255, 'Length_char': -0.33111111111111113, 'Length_word': -0.37333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281, 'Length_char': -0.1111111111111111, 'Length_word': -0.17333333333333334, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325, 'Length_char': 0.12444444444444444, 'Length_word': 0.08, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665, 'Length_char': 0.35333333333333333, 'Length_word': 0.3466666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093, 'Length_char': 0.5888888888888889, 'Length_word': 0.5333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638, 'Length_char': 0.6355555555555555, 'Length_word': 0.5866666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829, 'Length_char': -0.7733333333333333, 'Length_word': -0.7733333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15860654413700104, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875, 'Length_char': -0.5488888888888889, 'Length_word': -0.56, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997, 'Length_char': -0.33111111111111113, 'Length_word': -0.3333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05, 'Length_char': -0.07555555555555556, 'Length_word': -0.13333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.09333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05, 'Length_char': 0.3422222222222222, 'Length_word': 0.30666666666666664, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475, 'Length_char': 0.5577777777777778, 'Length_word': 0.5333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05, 'Length_char': 0.7333333333333333, 'Length_word': 0.7333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368, 'Length_char': -0.7711111111111111, 'Length_word': -0.8, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20681673288345337, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999, 'Length_char': -0.5533333333333333, 'Length_word': -0.56, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625, 'Length_char': -0.31777777777777777, 'Length_word': -0.32, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998, 'Length_char': -0.1111111111111111, 'Length_word': -0.13333333333333333, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001, 'Length_char': 0.34, 'Length_word': 0.32, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234, 'Length_char': 0.5577777777777778, 'Length_word': 0.5733333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228, 'Length_char': 0.7288888888888889, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2625080645084381, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032, 'Length_char': -0.5511111111111111, 'Length_word': -0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18276585638523102, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681, 'Length_char': -0.32222222222222224, 'Length_word': -0.25333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2279653251171112, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406, 'Length_char': -0.08888888888888889, 'Length_word': 0.0, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2010490596294403, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571, 'Length_char': 0.11777777777777777, 'Length_word': 0.25333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1364191174507141, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999, 'Length_char': 0.35333333333333333, 'Length_word': 0.52, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726, 'Length_char': 0.5622222222222222, 'Length_word': 0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075, 'Length_char': 0.7866666666666666, 'Length_word': 0.96, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652, 'Length_char': -0.7777777777777778, 'Length_word': -0.8, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633, 'Length_char': -0.5511111111111111, 'Length_word': -0.5733333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05, 'Length_char': -0.32222222222222224, 'Length_word': -0.37333333333333335, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925, 'Length_char': -0.10888888888888888, 'Length_word': -0.17333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05, 'Length_char': 0.11555555555555555, 'Length_word': 0.05333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656, 'Length_char': 0.3333333333333333, 'Length_word': 0.28, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567, 'Length_char': 0.4866666666666667, 'Length_word': 0.44, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925, 'Length_char': -0.32222222222222224, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575, 'Length_char': -0.10888888888888888, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975, 'Length_char': 0.1111111111111111, 'Length_word': 0.06666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825, 'Length_char': 0.33555555555555555, 'Length_word': 0.28, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375, 'Length_char': 0.5711111111111111, 'Length_word': 0.4666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275, 'Length_char': 0.7777777777777778, 'Length_word': 0.68, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655, 'Length_char': 0.8155555555555556, 'Length_word': 0.72, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668, 'Length_char': -0.5422222222222223, 'Length_word': -0.56, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665, 'Length_char': -0.31555555555555553, 'Length_word': -0.36, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666, 'Length_char': 0.11555555555555555, 'Length_word': 0.08, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326, 'Length_char': 0.3333333333333333, 'Length_word': 0.29333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001, 'Length_char': 0.5688888888888889, 'Length_word': 0.5466666666666666, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333, 'Length_char': 0.7622222222222222, 'Length_word': 0.7333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653, 'Length_char': -0.7711111111111111, 'Length_word': -0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625, 'Length_char': -0.5444444444444444, 'Length_word': -0.5466666666666666, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875, 'Length_char': -0.3111111111111111, 'Length_word': -0.32, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333, 'Length_char': -0.09777777777777778, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13640709221363068, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534, 'Length_char': 0.12444444444444444, 'Length_word': 0.10666666666666667, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981, 'Length_char': 0.3377777777777778, 'Length_word': 0.32, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521, 'Length_char': 0.5666666666666667, 'Length_word': 0.5733333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502, 'Length_char': 0.7377777777777778, 'Length_word': 0.7333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996, 'Length_char': -0.7644444444444445, 'Length_word': -0.76, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325, 'Length_char': -0.5511111111111111, 'Length_word': -0.5066666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297, 'Length_char': -0.10888888888888888, 'Length_word': -0.04, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765, 'Length_char': 0.11333333333333333, 'Length_word': 0.18666666666666668, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175, 'Length_char': 0.33555555555555555, 'Length_word': 0.44, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295, 'Length_char': 0.5577777777777778, 'Length_word': 0.68, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003, 'Length_char': 0.7333333333333333, 'Length_word': 0.88, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504, 'Length_char': -0.7777777777777778, 'Length_word': -0.7333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667, 'Length_char': -0.5444444444444444, 'Length_word': -0.5066666666666667, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2059742510318756, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666, 'Length_char': -0.10444444444444445, 'Length_word': -0.013333333333333334, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333, 'Length_char': 0.11777777777777777, 'Length_word': 0.26666666666666666, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664, 'Length_char': 0.3377777777777778, 'Length_word': 0.49333333333333335, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664, 'Length_char': 0.56, 'Length_word': 0.7066666666666667, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667, 'Length_char': 0.7777777777777778, 'Length_word': 0.92, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666, 'Length_char': 0.7911111111111111, 'Length_word': 0.9333333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666, 'Length_char': -0.7711111111111111, 'Length_word': -0.7066666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001, 'Length_char': -0.5355555555555556, 'Length_word': -0.44, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334, 'Length_char': -0.32222222222222224, 'Length_word': -0.21333333333333335, 'Length_guess': 1.9459101490553132, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22462095320224762, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998, 'Length_char': -0.1111111111111111, 'Length_word': 0.013333333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335, 'Length_char': 0.1111111111111111, 'Length_word': 0.25333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667, 'Length_char': 0.3422222222222222, 'Length_word': 0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238, 'Length_char': 0.5711111111111111, 'Length_word': 0.6933333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667, 'Length_char': 0.7222222222222222, 'Length_word': 0.8133333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334, 'Length_char': -0.7688888888888888, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22205069661140442, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774, 'Length_char': -0.5288888888888889, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488, 'Length_char': -0.33111111111111113, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288, 'Length_char': -0.1111111111111111, 'Length_word': -0.09333333333333334, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1974789798259735, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667, 'Length_char': 0.12222222222222222, 'Length_word': 0.14666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333, 'Length_char': 0.33555555555555555, 'Length_word': 0.37333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997, 'Length_char': 0.56, 'Length_word': 0.6133333333333333, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2571728825569153, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428, 'Length_char': 0.7555555555555555, 'Length_word': 0.8266666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167, 'Length_char': -0.7777777777777778, 'Length_word': -0.7866666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.11772456765174866, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174, 'Length_char': -0.5466666666666666, 'Length_word': -0.5733333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333, 'Length_char': -0.32666666666666666, 'Length_word': -0.4, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.0023900270462036133, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375, 'Length_char': -0.10666666666666667, 'Length_word': -0.17333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055, 'Length_char': 0.11333333333333333, 'Length_word': 0.013333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046, 'Length_char': 0.35555555555555557, 'Length_word': 0.24, 'Length_guess': 3.091042453358316, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.04836364462971687, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734, 'Length_char': 0.5622222222222222, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.06714285910129547, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825, 'Length_char': 0.7644444444444445, 'Length_word': 0.5866666666666667, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +Predictions (raw): [False False False False True True False True True True True True + True True True True False False False False True True True True + False True True True True True True True False False False False + False False True True True False False True True True True True + True True True True True True True True False False False False + False False True True False False False False False False False False + False True True True True True True True False False False False + False False False False False False False False False False False True + False False True True True True True True False True True True + True True True True False True True True False True True True + False False False False True True False True False False False False + True True True False False False False True True True True True + False True True True True True True True False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + True True True True True False False False True False True True + True False False False False False True True True] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 78, 'waiting': 67, 'timid': 37, 'aggressive': 19}) +Examples per Outcome: {'waiting': 67, 'best': 78, 'aggressive': 19, 'timid': 37} +waiting 0.33 +=================== + + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0004 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: None + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.5184 + Length_char: -0.5467 + Length_word: -0.5733 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0013 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0057 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Sky burial + answer: Vultures + id: 93141 + Gpr_confidence: -0.0760 + Length_char: -0.3178 + Length_word: -0.3467 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1394 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Cuban Prime + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3503 + Length_char: -0.3333 + Length_word: -0.2267 + Length_guess: 2.4849 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1616 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: None + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8699 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Othello + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0425 + Length_char: -0.5489 + Length_word: -0.5333 + Length_guess: 2.0794 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2112 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: None + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.4814 + Length_char: -0.1089 + Length_word: 0.0267 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- + guess: Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0012 + Length_char: -0.3222 + Length_word: -0.2133 + Length_guess: 1.9459 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2246 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- +================= +best 0.39 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0014 + Length_char: -0.1089 + Length_word: -0.0800 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0000 + Length_char: 0.3422 + Length_word: 0.3067 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0003 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0211 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.4849 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2572 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0002 + Length_char: 0.4867 + Length_word: 0.4400 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0032 + Length_char: 0.1111 + Length_word: 0.2533 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Length_char: 0.5556 + Length_word: 0.4933 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0001 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0028 + Length_char: 0.3333 + Length_word: 0.2933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- +================= +aggressive 0.09 +=================== + + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0855 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0354 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0061 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1239 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1496 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0828 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0727 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0128 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Julius Caesar + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2022 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 2.6391 + Frequency_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1728 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- +================= +timid 0.18 +=================== + + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0137 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0028 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1948 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3041 + Length_char: 0.5667 + Length_word: 0.5733 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0083 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0003 + Length_char: 0.7333 + Length_word: 0.8800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0004 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0472 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0015 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0012 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 78 (out of 201) Accuracy: 0.72 Buzz ratio: 0.34 Buzz position: 0.168487 diff --git a/feateng/evals/eval_output_mlp_with_frequency.txt b/feateng/evals/eval_output_mlp_with_frequency.txt new file mode 100644 index 000000000..356e8cb6f --- /dev/null +++ b/feateng/evals/eval_output_mlp_with_frequency.txt @@ -0,0 +1,334 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +Predictions (raw): [False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + False False False False False False False False False] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.04252395093877667, 'Frequency_guess': 1.3862943611198906}, {'Gpr_confidence': -0.3653301, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.59661174, 'Frequency_guess': 0.0}, {'Gpr_confidence': -0.11516849021365, 'Frequency_guess': 1.3862943611198906}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'timid': 115, 'waiting': 86}) +Examples per Outcome: {'waiting': 86, 'timid': 115} +waiting 0.43 +=================== + + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.3717 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0724 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0168 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Frequency_guess: 0.6931 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Carmichael Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3184 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1239 + Frequency_guess: 2.0794 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Sky burial + answer: Vultures + id: 93141 + Gpr_confidence: -0.0760 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0013 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: None + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.9141 + Frequency_guess: 0.0000 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- +================= +timid 0.57 +=================== + + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0039 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2270 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0028 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0101 + Frequency_guess: 1.3863 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0472 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0000 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0023 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0001 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0065 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 0 (out of 201) Accuracy: 0.43 Buzz ratio: 0.00 Buzz position: 0.000000 diff --git a/feateng/evals/eval_output_mlp_with_length.txt b/feateng/evals/eval_output_mlp_with_length.txt new file mode 100644 index 000000000..742fc19b1 --- /dev/null +++ b/feateng/evals/eval_output_mlp_with_length.txt @@ -0,0 +1,711 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length'] +dataset: ../data/qanta.buzzdev.json.gz +Predictions (raw): [False False False False False False False True False False False False + True True True True False False False False False False False False + False False False True True True True True False False False False + False True True True False False False False True True True True + False False False True True True True True False False False False + False False True True False False False False False False False True + False False False False False True True True False False False False + False False False False False False False False False False True True + False False False False False False True True False False False True + True True True True False True True True False True True True + False False False False False True False True False False False False + False False False False False False False False False False True True + False False True True True True True True False False False False + False False False False False False False False False False False False + False False False False False False False True True False False False + False False False True True False False False True False False True + True False False True True True True True True] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'waiting': 71, 'timid': 64, 'best': 51, 'aggressive': 15}) +Examples per Outcome: {'waiting': 71, 'timid': 64, 'best': 51, 'aggressive': 15} +waiting 0.35 +=================== + + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0518 + Length_char: -0.3222 + Length_word: -0.2933 + Length_guess: 2.9444 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0061 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.0057 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 1.6094 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2008 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect cube + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2403 + Length_char: -0.7622 + Length_word: -0.7333 + Length_guess: 2.5649 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed +-------------------- + guess: Carmichael Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3184 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.8904 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Othello + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0425 + Length_char: -0.5489 + Length_word: -0.5333 + Length_guess: 2.0794 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: None + answer: None + id: 93153 + Gpr_confidence: -0.6987 + Length_char: -0.5467 + Length_word: -0.5867 + Length_guess: 1.6094 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1985 + Length_char: -0.0956 + Length_word: -0.1200 + Length_guess: 1.6094 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: None + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.5170 + Length_char: -0.7689 + Length_word: -0.7200 + Length_guess: 1.6094 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- +================= +timid 0.32 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0015 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0085 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.3383 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 2.7726 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.1266 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + Length_char: -0.0978 + Length_word: -0.1467 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0003 + Length_char: 0.7333 + Length_word: 0.8800 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2296 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0002 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0003 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0144 + Length_char: -0.1111 + Length_word: 0.0133 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- +================= +best 0.25 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0058 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 2.3979 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0002 + Length_char: 0.5600 + Length_word: 0.3733 + Length_guess: 2.6391 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0098 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0028 + Length_char: 0.3333 + Length_word: 0.2933 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0016 + Length_char: -0.3156 + Length_word: -0.3600 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0062 + Length_char: 0.5644 + Length_word: 0.5867 + Length_guess: 2.8904 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0025 + Length_char: 0.6356 + Length_word: 0.5867 + Length_guess: 2.5649 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0028 + Length_char: 0.7778 + Length_word: 0.9200 + Length_guess: 2.3026 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0059 + Length_char: 0.7578 + Length_word: 1.0133 + Length_guess: 2.7726 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0401 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 2.3979 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- +================= +aggressive 0.07 +=================== + + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0168 + Length_char: 0.7200 + Length_word: 0.6800 + Length_guess: 2.6391 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0445 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0001 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: Ireland–Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0043 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.4012 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0185 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0724 + Length_char: -0.1067 + Length_word: -0.1733 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0681 + Length_char: 0.7556 + Length_word: 0.8267 + Length_guess: 2.3979 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 51 (out of 201) Accuracy: 0.61 Buzz ratio: 0.22 Buzz position: 0.053268 diff --git a/feateng/evals/eval_output_mlp_with_length_frequency_category_contextualmatch_previousguess.txt b/feateng/evals/eval_output_mlp_with_length_frequency_category_contextualmatch_previousguess.txt new file mode 100644 index 000000000..a0a4762e3 --- /dev/null +++ b/feateng/evals/eval_output_mlp_with_length_frequency_category_contextualmatch_previousguess.txt @@ -0,0 +1,1580 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier +Guess: None +Features: {'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should +Guess: Othello +Features: {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the +Guess: None +Features: {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last +Guess: None +Features: {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." +Guess: Mark Antony +Features: {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing +Guess: Julius Caesar +Features: {'Gpr_confidence': -0.20217065, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 1.6094379124341003, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17279580235481262, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival +Guess: None +Features: {'Gpr_confidence': -0.20078062, 'Length_char': 0.5666666666666667, 'Length_word': 0.6533333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Before he first met his lover, this character sat "alone," "enthroned in the market place." A soldier laments that this man, when not himself, "comes too short of that great property / which still should go with" him. This man hands a pack of belongings to a deserter who later laments "I am alone the villain of the earth." This man says "Let's mock the midnight bell" in the hopes of having one last drunken party. This man is spared after a rival argues, "let us be sacrificers, but not butchers." In a monologue, this friend of Enobarbus repeatedly calls that rival "an honorable man" while standing by a coffin after asking "Friends, Romans, countrymen: Lend me your ears." For 10 points, which rival of Brutus and lover of Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +Guess: Mark Antony +Features: {'Gpr_confidence': -0.049037195, 'Length_char': 0.7755555555555556, 'Length_word': 0.84, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" +Guess: Operation Condor +Features: {'Gpr_confidence': -0.00037521662010000004, 'Length_char': -0.7666666666666667, 'Length_word': -0.8133333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after +Guess: Operation Condor +Features: {'Gpr_confidence': -5.583325533333333e-05, 'Length_char': -0.5533333333333333, 'Length_word': -0.5733333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert +Guess: Operation Condor +Features: {'Gpr_confidence': -6.365973766666666e-05, 'Length_char': -0.32666666666666666, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. +Guess: Operation Condor +Features: {'Gpr_confidence': -4.474853523333334e-05, 'Length_char': -0.09777777777777778, 'Length_word': -0.14666666666666667, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular +Guess: Operation Condor +Features: {'Gpr_confidence': -2.6274411999999996e-05, 'Length_char': 0.11333333333333333, 'Length_word': 0.05333333333333334, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded +Guess: Operation Condor +Features: {'Gpr_confidence': -3.2805810000000004e-05, 'Length_char': 0.34444444444444444, 'Length_word': 0.28, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in +Guess: Operation Condor +Features: {'Gpr_confidence': -8.789170463333333e-05, 'Length_char': 0.5555555555555556, 'Length_word': 0.49333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Journalist John Dinges survived this initiative, which he claimed "brought terrorism to three continents" in a 2003 book. The murder of Hugo Banzer set back this initiative, which began two years after the Villa Grimaldi complex opened for use in interrogations. A disclosed diplomatic cable from Robert E. White revealed that this plan made use of a tele-communications channel built by the United States. In Washington, DC, a far-flung part of its "Phase III" targeted Orlando Letelier, a particular nuisance to the DINA agency led by School of the Americas alum Manuel Contreras. This campaign expanded into the "Dirty War" in Jorge Videla's Argentina. For 10 points, name this covert operation in which dictators ring-led by Agusto Pinochet suppressed and killed South American leftists. +Guess: Operation Condor +Features: {'Gpr_confidence': -7.20425001e-05, 'Length_char': 0.7577777777777778, 'Length_word': 0.6533333333333333, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15915925800800323, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. +Guess: None +Features: {'Gpr_confidence': -0.5095457, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a +Guess: None. +Features: {'Gpr_confidence': -0.7409663, 'Length_char': -0.5533333333333333, 'Length_word': -0.5866666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings +Guess: Sky burial +Features: {'Gpr_confidence': -0.07600413615, 'Length_char': -0.31777777777777777, 'Length_word': -0.3466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13937987387180328, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart +Guess: Vulture +Features: {'Gpr_confidence': -0.022408504500000002, 'Length_char': -0.10444444444444445, 'Length_word': -0.10666666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother +Guess: Vulture +Features: {'Gpr_confidence': -0.01278282455, 'Length_char': 0.1111111111111111, 'Length_word': 0.12, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened +Guess: Vulture +Features: {'Gpr_confidence': -0.03540075, 'Length_char': 0.34, 'Length_word': 0.30666666666666664, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" +Guess: Vulture +Features: {'Gpr_confidence': -0.005574412450000001, 'Length_char': 0.5711111111111111, 'Length_word': 0.5466666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +Some Vajrayana Buddhists consider these real-world creatures to be Dakini, a type of angelic psychopomp. They are propitiated at buildings made of three concentric stone circles of varying height. In a ritual meant to satisfy these creatures, a master known as a rogyapa uses a slicing knife during readings from the Tibetan Book of the Dead. On a peak named for these creatures near Ramnagar, the Heart Sutra and Lotus Sutra were delivered by the Buddha. When not shown as an eagle, Garuda's brother Jatayu is one of these creatures, whose recent chemical-caused extinction around Mumbai has threatened the use of dakhmas there by Parsis. For 10 points, name these birds which come to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat decomposing corpses. +Guess: Vulture +Features: {'Gpr_confidence': -0.0060664269, 'Length_char': 0.7088888888888889, 'Length_word': 0.6666666666666666, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2526036500930786, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on +Guess: The Sacred Fount +Features: {'Gpr_confidence': -0.1424265236209575, 'Length_char': -0.7755555555555556, 'Length_word': -0.76, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18708449602127075, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, +Guess: The Name of the Rose +Features: {'Gpr_confidence': -1.8464573649999998e-05, 'Length_char': -0.5555555555555556, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00032555514339, 'Length_char': -0.3333333333333333, 'Length_word': -0.26666666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.00025165690986000006, 'Length_char': -0.10888888888888888, 'Length_word': -0.02666666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0008327570669200001, 'Length_char': 0.11555555555555555, 'Length_word': 0.21333333333333335, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages +Guess: The Name of the Rose +Features: {'Gpr_confidence': -4.1771952e-05, 'Length_char': 0.3377777777777778, 'Length_word': 0.4533333333333333, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.0002105071462, 'Length_char': 0.5622222222222222, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +The narrator of this novel becomes fascinated by the story of Margaret and Dolcino after a lecture on love by Ubertino. To prove his skill, a character in this novel discerns the location, appearance, and name of the horse Brunellus without having ever seen it. A man in this work has a vision of the plot of the Cena Cypriani before discovering how to open a mirror and enter the finis Africae. After a trial in this novel, Remigio is burned alongside a village girl and the hunchback Salvatore by the inquisitor Bernard Gui. At the end of this novel, the blind Jorge of Burgos eats the poisoned pages of Aristotle's Second Book of Poetics and burns down the monastery library. For 10 points, name this historical novel following William of Baskerville and Adso of Melk, by Umberto Eco. +Guess: The Name of the Rose +Features: {'Gpr_confidence': -0.032046449285796, 'Length_char': 0.7488888888888889, 'Length_word': 0.8533333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09954452514648438, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed +Guess: Perfect cube +Features: {'Gpr_confidence': -0.24025831925000002, 'Length_char': -0.7622222222222222, 'Length_word': -0.7333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2349880188703537, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer +Guess: Carmichael Number +Features: {'Gpr_confidence': -0.318397618338, 'Length_char': -0.5555555555555556, 'Length_word': -0.49333333333333335, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.061470285058021545, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of +Guess: Cuban Prime +Features: {'Gpr_confidence': -0.3503072333333333, 'Length_char': -0.3333333333333333, 'Length_word': -0.22666666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16163302958011627, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. +Guess: None +Features: {'Gpr_confidence': -0.48135582, 'Length_char': -0.10888888888888888, 'Length_word': 0.02666666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne +Guess: Perfect Number +Features: {'Gpr_confidence': -0.250672915, 'Length_char': 0.11555555555555555, 'Length_word': 0.28, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset +Guess: Perfect Number +Features: {'Gpr_confidence': -0.01716528075, 'Length_char': 0.3466666666666667, 'Length_word': 0.5333333333333333, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.10797164589166641, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.00633825235, 'Length_char': 0.5555555555555556, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +For any natural number n, there exists only one of these numbers that can be expressed in the form "n-cubed plus 1". Kanold was the first to show that the amount of these numbers below a given integer n had an asymptotic form of little-O of the square root of n. With the exception of the smallest of these, all known so far can be written as the sum of the cubes of consecutive positive odd integers. For a Mersenne prime with exponent p, a number of this type can be found by multiplying the Mersenne prime by 2 to the power p minus 1, according to the Euler-Euclid conjecture. These numbers are a subset of the triangular numbers, and all numbers of this type found so far are even. For 10 points, name these numbers, such as 496 and 6, that are equal to the sum of their proper divisors. +Guess: Perfect numbers +Features: {'Gpr_confidence': -0.0059026374599999995, 'Length_char': 0.7577777777777778, 'Length_word': 1.0133333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Math', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08032812178134918, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. +Guess: George Orwell +Features: {'Gpr_confidence': -0.12390361640816501, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14964622259140015, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes +Guess: None +Features: {'Gpr_confidence': -0.25693315, 'Length_char': -0.5422222222222223, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.0518219727324075, 'Length_char': -0.32222222222222224, 'Length_word': -0.29333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this +Guess: Wizard of the Crow +Features: {'Gpr_confidence': -0.073491164237, 'Length_char': -0.10888888888888888, 'Length_word': -0.05333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12315531820058823, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.03214637891470625, 'Length_char': 0.1111111111111111, 'Length_word': 0.14666666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British +Guess: Petals of Blood +Features: {'Gpr_confidence': -0.03091645, 'Length_char': 0.3466666666666667, 'Length_word': 0.38666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08551882952451706, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.006155367666655, 'Length_char': 0.5644444444444444, 'Length_word': 0.5866666666666667, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +In a novel by this author, two advisors enlarge their eyes and ears to better see and hear dissidents. In that novel, American doctors wish to patent a mysterious illness contracted by the Ruler, who wishes to build the monumental skyscraper Marching to Heaven. During a drought in a novel by this author, Abdullah uses a catapult to obtain food while villagers walk to the city. In that novel by this man, Munira incidentally kills three brewery directors by burning down Wanja's brothel. In a third novel by this man, Mumbi becomes pregnant while her husband is in prison, Karanja allies with the British forces, and Mugo confesses to betraying the revolutionary Kihika. For 10 points, name this author of Wizard of the Crow, who set Petals of Blood and A Grain of Wheat in his native Kenya. +Guess: Ngũgĩ wa Thiong'o +Features: {'Gpr_confidence': -0.0011008845282437498, 'Length_char': 0.7622222222222222, 'Length_word': 0.84, 'Length_guess': 2.8903717578961645, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18675148487091064, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00013601446375, 'Length_char': -0.7688888888888888, 'Length_word': -0.76, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0004911089431625, 'Length_char': -0.5511111111111111, 'Length_word': -0.5466666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0016585754, 'Length_char': -0.32, 'Length_word': -0.32, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0013571223, 'Length_char': -0.10888888888888888, 'Length_word': -0.08, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0022965234424999997, 'Length_char': 0.11777777777777777, 'Length_word': 0.17333333333333334, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00618380265, 'Length_char': 0.34, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.00992269245, 'Length_char': 0.56, 'Length_word': 0.68, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +During this king's reign, his general Henri II de Montmorency beat the Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of Montrésor and Soissons plotted with this king's brother Gaston in a plot to overthrow him. Jean Guiton was mayor of a city that resisted this man's rule, holding out for 14 months until the signing of the Peace of Alais. Concino Concini advised the mother of this king, who acted as his regent until Charles de Luynes helped bring this king to power. This son of Marie de' Medici and husband of Anne of Austria was advised by a man who besieged the Huguenot city of La Rochelle. For 10 points, name this French king who succeeded Henry IV and employed Cardinal Richelieu. +Guess: Louis XIII of France +Features: {'Gpr_confidence': -0.0095550919535, 'Length_char': 0.7222222222222222, 'Length_word': 0.8266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.09417024999856949, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years +Guess: Lorelei Lee +Features: {'Gpr_confidence': -0.455046834951, 'Length_char': -0.7666666666666667, 'Length_word': -0.7866666666666666, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15262344479560852, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles +Guess: None +Features: {'Gpr_confidence': -1.3717003, 'Length_char': -0.5488888888888889, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays +Guess: None +Features: {'Gpr_confidence': -0.6384574, 'Length_char': -0.3244444444444444, 'Length_word': -0.36, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars +Guess: None +Features: {'Gpr_confidence': -0.19849956, 'Length_char': -0.09555555555555556, 'Length_word': -0.12, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks +Guess: None +Features: {'Gpr_confidence': -0.3979851, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, +Guess: Faye Greener +Features: {'Gpr_confidence': -0.344470477075, 'Length_char': 0.3488888888888889, 'Length_word': 0.30666666666666664, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12865012884140015, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.00239925808, 'Length_char': 0.5577777777777778, 'Length_word': 0.52, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +This character marries a "minor movingpicture magnate" in Hollywood and divorces him in Mexico five years later. This character washes her mouth out with soap after kissing Charlie; earlier, she wrestles with a brother for kissing "a dirty girl like Natalie." At her father's funeral, this character pays her brother a hundred dollars to see her daughter, whom she later attempts to send two hundred dollars a month. That brother notices her muddy drawers as she climbs a tree, and repeatedly remarks that this character "smells of trees." This character's favorite brother, for whom she names her daughter, thinks of her before committing suicide at Harvard. For 10 points, name this sister of Jason, Quentin, and Benjy Compson in William Faulkner's The Sound and the Fury. +Guess: Caddy Compson +Features: {'Gpr_confidence': -0.016774234653162502, 'Length_char': 0.72, 'Length_word': 0.68, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21288982033729553, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner +Guess: None +Features: {'Gpr_confidence': -0.51702845, 'Length_char': -0.7688888888888888, 'Length_word': -0.72, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar +Guess: Cauldron +Features: {'Gpr_confidence': -0.0013125524375500002, 'Length_char': -0.5533333333333333, 'Length_word': -0.4533333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which +Guess: Cauldron +Features: {'Gpr_confidence': -0.0004152363, 'Length_char': -0.33111111111111113, 'Length_word': -0.22666666666666666, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014191481211, 'Length_char': -0.10222222222222223, 'Length_word': -0.013333333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which +Guess: Cauldron +Features: {'Gpr_confidence': -3.658059333333334e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.24, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for +Guess: Cauldron +Features: {'Gpr_confidence': -1.1428620666666667e-05, 'Length_char': 0.34, 'Length_word': 0.48, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. +Guess: Cauldron +Features: {'Gpr_confidence': -3.3625056666666666e-06, 'Length_char': 0.56, 'Length_word': 0.72, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +One of these objects is owned by a giant whose wife births a fully armed son every six weeks. That owner of one of these objects, who escapes a plot to roast him alive in an iron house, is named Llasar Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to Matholwch as reparations, which Efnisien sacrifices himself to destroy and stop it from resurrecting the Irish dead. A non-Odin father of Tyr owns one of these objects, which was retrieved in a quest including the fishing trip in which Thor hooks Jormungand. Hymir owns a massive one of these that the gods bring to Aegir's feast for brewing beer. In one named Odrerir, Kvasir's blood is mixed with honey to make the mead of poetry. For 10 points, name these metal objects in which Ceridwen and other legendary witches brew potions. +Guess: Cauldron +Features: {'Gpr_confidence': -0.00014787254700000002, 'Length_char': 0.7822222222222223, 'Length_word': 0.9333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1510234773159027, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.338349808465, 'Length_char': -0.7688888888888888, 'Length_word': -0.8, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0001122954865, 'Length_char': -0.5533333333333333, 'Length_word': -0.6, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.017884001018, 'Length_char': -0.3333333333333333, 'Length_word': -0.4, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0025609428337499997, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0021906588521499997, 'Length_char': 0.11777777777777777, 'Length_word': 0.08, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.00257983203525, 'Length_char': 0.34444444444444444, 'Length_word': 0.26666666666666666, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name +Guess: Donald Davidson +Features: {'Gpr_confidence': -0.0036482000455, 'Length_char': 0.5622222222222222, 'Length_word': 0.48, 'Length_guess': 2.772588722239781, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1978764533996582, 'PreviousGuess_count': 0} +This thinker wrote that "framework theories" cannot make sense of radio host Goodman Ace's malapropisms. This philosopher argued that an actor's "pro-attitude" must be part of the "primary reason" that causes an action. This author of "A Nice Derangement of Epitaphs" proposed using Tarski's semantic theory of truth as the core for a "theory of meaning," though he later claimed "there is no such thing as a language." He included the "principle of charity," which assumes that another speaker has true beliefs, in a method for understanding unfamiliar speech "from scratch." His alternative to mind-body dualism held that no natural laws connect physical events with mental events. For 10 points, name this American philosopher who devised "radical interpretation" and anomalous monism. +Guess: Donald Davidson (philosopher) +Features: {'Gpr_confidence': -0.03683930081770715, 'Length_char': 0.7511111111111111, 'Length_word': 0.6133333333333333, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Philosophy', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08173350244760513, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. +Guess: Zero-grade +Features: {'Gpr_confidence': -0.06515504550000001, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like +Guess: None +Features: {'Gpr_confidence': -0.69874996, 'Length_char': -0.5466666666666666, 'Length_word': -0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I +Guess: Zero-grade +Features: {'Gpr_confidence': -0.0119888599, 'Length_char': -0.3333333333333333, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and +Guess: Zero-grade +Features: {'Gpr_confidence': -0.13001200805, 'Length_char': -0.10666666666666667, 'Length_word': -0.13333333333333333, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term +Guess: Zero-grade +Features: {'Gpr_confidence': -0.4953539175, 'Length_char': 0.1111111111111111, 'Length_word': 0.10666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19289471209049225, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify +Guess: Zero +Features: {'Gpr_confidence': -0.005723167, 'Length_char': 0.3422222222222222, 'Length_word': 0.3333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using +Guess: Zero +Features: {'Gpr_confidence': -0.00034774013, 'Length_char': 0.5577777777777778, 'Length_word': 0.5466666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +In Proto-Indo-European studies, this kind of ablaut contrasts with both the "e-grade" and "o-grade" varieties. In English syntax, this form of complementizer is inherent to the sentence "I think they like me." This type of "derivation" is exemplified by using a noun such as "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, unrestricted grammars are also called "Type-[this]". Arabic and Hebrew use this type of copula in sentences lacking a word for "to be." In linguistics, this term also denotes an inferred word or part of speech that isn't outwardly expressed. For 10 points, identify this number word which the Mayans wrote as a shell glyph before medieval Europeans started using it in calculations. +Guess: Zero +Features: {'Gpr_confidence': -3.23786e-05, 'Length_char': 0.6022222222222222, 'Length_word': 0.5866666666666667, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Computer Science', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.26122426986694336, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. +Guess: None. +Features: {'Gpr_confidence': -0.49456979999999995, 'Length_char': -0.7555555555555555, 'Length_word': -0.8, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.300304651260376, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of +Guess: None +Features: {'Gpr_confidence': -0.82377225, 'Length_char': -0.5555555555555556, 'Length_word': -0.6133333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of +Guess: Michael reaction +Features: {'Gpr_confidence': -0.374918375, 'Length_char': -0.3333333333333333, 'Length_word': -0.37333333333333335, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2514689564704895, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.22962452884018336, 'Length_char': -0.06222222222222222, 'Length_word': -0.18666666666666668, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.003881679290466667, 'Length_char': 0.12, 'Length_word': -0.04, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.0015161325436666665, 'Length_char': 0.35555555555555557, 'Length_word': 0.16, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, +Guess: Hydrogenation +Features: {'Gpr_confidence': -0.00017316878421666667, 'Length_char': 0.56, 'Length_word': 0.37333333333333335, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +One reaction of this type reacts alpha, beta-unsaturated carbonyls with Hantzsch esters under amine catalysis. Discoverers of an asymmetric version of this reaction used in the industrial synthesis of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in Chemistry. That asymmetric form of this reaction can be catalyzed by ruthenium-BINAP complexes developed by Noyori. A square-planar tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to homogeneously catalyze this reaction; that is Wilkinson's catalyst. When this reaction is incomplete, it can result in cis-trans isomerization, and thus its "partial" form is responsible for the production of trans fats. For 10 points, name this reduction that involves reacting a substrate with the namesake light gas. +Guess: Hydrogenation +Features: {'Gpr_confidence': -2.5797596666666664e-05, 'Length_char': 0.7466666666666667, 'Length_word': 0.5466666666666666, 'Length_guess': 2.6390573296152584, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14690649509429932, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale +Guess: None +Features: {'Gpr_confidence': -0.24978241, 'Length_char': -0.7688888888888888, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.2269566300375, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.051334287255, 'Length_char': -0.33111111111111113, 'Length_word': -0.37333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.011905281, 'Length_char': -0.1111111111111111, 'Length_word': -0.17333333333333334, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.00586246325, 'Length_char': 0.12444444444444444, 'Length_word': 0.08, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.026900665, 'Length_char': 0.35333333333333333, 'Length_word': 0.3466666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.005809093, 'Length_char': 0.5888888888888889, 'Length_word': 0.5333333333333333, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +This composer's first symphony begins with a G minor movement marked Andante orgoglioso and has a finale concluding in C major. Only the winds and percussion play in the second movement "Humoreske" of this composer's sixth symphony. The Andante pastorale second movement in his third symphony features wordless solos for soprano and baritone. Another of his symphonies opens with an Allegro collerico and closes with an Allegro sanguineo. He instructed that two sets of timpani be placed as far as possible from each other on either side of the stage for a symphony in which they "duel" in the final movement. For 10 points, name this composer of symphonies nicknamed "The Four Temperaments" and "Inextinguishable," a native of Denmark. +Guess: Carl Nielsen +Features: {'Gpr_confidence': -0.002542638, 'Length_char': 0.6355555555555555, 'Length_word': 0.5866666666666667, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Fine Arts', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Fine Arts Auditory', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16566547751426697, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and +Guess: Pope Joan +Features: {'Gpr_confidence': -0.1489559829, 'Length_char': -0.7733333333333333, 'Length_word': -0.7733333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.15860654413700104, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0198633428875, 'Length_char': -0.5488888888888889, 'Length_word': -0.56, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.0017206191828499997, 'Length_char': -0.33111111111111113, 'Length_word': -0.3333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus +Guess: Assumption of Mary +Features: {'Gpr_confidence': -7.87852381625e-05, 'Length_char': -0.07555555555555556, 'Length_word': -0.13333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors +Guess: Assumption of Mary +Features: {'Gpr_confidence': -1.99926193325e-05, 'Length_char': 0.12222222222222222, 'Length_word': 0.09333333333333334, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like +Guess: Assumption of Mary +Features: {'Gpr_confidence': -2.2872109632500002e-05, 'Length_char': 0.3422222222222222, 'Length_word': 0.30666666666666664, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the +Guess: Assumption of Mary +Features: {'Gpr_confidence': -0.000368091493475, 'Length_char': 0.5577777777777778, 'Length_word': 0.5333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +A 9th-century letter denying this event, opening with the words "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. St. John Damascene is sometimes called the "Doctor of" this event due to his three sermons on it. The 4th Glorious Mystery of the Rosary contemplates this event, which is traditionally held to have left lilies behind. The latest ex cathedra infallible declaration, Munificentissimus Deus, established this as dogma in 1950 under Pope Pius XII. A feast on August 15 honors this event, which in Eastern Orthodox tradition was preceded by a sleep called the Dormition. Like Jesus's resurrection, it left behind an empty tomb. For 10 points, name this unique event at the end of the Virgin Mary's life, in which she arose "body and soul" into Heaven. +Guess: Assumption of Mary +Features: {'Gpr_confidence': -5.6654358475e-05, 'Length_char': 0.7333333333333333, 'Length_word': 0.7333333333333333, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Religion', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.12732484936714172, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson +Guess: Jo March +Features: {'Gpr_confidence': -0.10496522368, 'Length_char': -0.7711111111111111, 'Length_word': -0.8, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20681673288345337, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.0007006279844374999, 'Length_char': -0.5533333333333333, 'Length_word': -0.56, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.00087883312970625, 'Length_char': -0.31777777777777777, 'Length_word': -0.32, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which +Guess: The Awakening (Chopin novel) +Features: {'Gpr_confidence': -0.07267227244065998, 'Length_char': -0.1111111111111111, 'Length_word': -0.13333333333333333, 'Length_guess': 3.367295829986474, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03577430546283722, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul +Guess: Edna Pontellier +Features: {'Gpr_confidence': -7.1573764e-05, 'Length_char': 0.1111111111111111, 'Length_word': 0.09333333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.006495952807990001, 'Length_char': 0.34, 'Length_word': 0.32, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00010479234, 'Length_char': 0.5577777777777778, 'Length_word': 0.5733333333333334, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +This character faintheartedly commits herself to improving her studies after a night of reading Emerson alone in her house, and hushes Victor when he begins singing "Ah! Si tu savais!" While talking to a friend, she declares that she would give up the "unessential things" for her children, but she wouldn't give herself up. Doctor Mandelet advises this character's husband to permit her whims, which include moving into a "pigeon house" outside of her house on Esplanade Street. This mother of Raoul and Etienne watches Adele Ratignolle give birth on her last night alive, and romances Alcee Arobin and Robert Lebrun while living in New Orleans. For 10 points, name this woman who swims as far as she can into the Gulf of Mexico at the end of Kate Chopin's novel The Awakening. +Guess: Edna Pontellier +Features: {'Gpr_confidence': -0.00978228, 'Length_char': 0.7288888888888889, 'Length_word': 0.7733333333333333, 'Length_guess': 2.772588722239781, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature American', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.14416933059692383, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who +Guess: Oleanna +Features: {'Gpr_confidence': -0.14270486601, 'Length_char': -0.7733333333333333, 'Length_word': -0.7466666666666667, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2625080645084381, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which +Guess: Sam Shepard +Features: {'Gpr_confidence': -0.023643569032, 'Length_char': -0.5511111111111111, 'Length_word': -0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18276585638523102, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison +Guess: The Island +Features: {'Gpr_confidence': -0.1911865681, 'Length_char': -0.32222222222222224, 'Length_word': -0.25333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2279653251171112, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition +Guess: Suzan-Lori Parks +Features: {'Gpr_confidence': -0.278335050178406, 'Length_char': -0.08888888888888889, 'Length_word': 0.0, 'Length_guess': 2.833213344056216, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2010490596294403, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. +Guess: Edward Albee +Features: {'Gpr_confidence': -0.31222690571, 'Length_char': 0.11777777777777777, 'Length_word': 0.25333333333333335, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 2.0794415416798357, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1364191174507141, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.005968953651749999, 'Length_char': 0.35333333333333333, 'Length_word': 0.52, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his +Guess: None +Features: {'Gpr_confidence': -0.91414726, 'Length_char': 0.5622222222222222, 'Length_word': 0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In a play by this man, one title character counts the bruises caused by the other title character, who accuses her of looking behind her to find a dog on the road. This author also wrote a play in which two men stage an impromptu performance of Sophocles' Antigone after getting off their shifts as prison workers. This man created a teenager who debates the idea of a "Man of Magnitude" to aid his composition for an English class, as well two campers who take in an old man who does not speak English. A third play by this author of Boesman and Lena and The Island takes place just as the title antagonist's father is coming home from the hospital, which prompts him to be cruel to Sam and Willie, his black servants. For 10 points, name this South African playwright of "Master Harold"...and the Boys. +Guess: Athol Fugard +Features: {'Gpr_confidence': -0.0205638075, 'Length_char': 0.7866666666666666, 'Length_word': 0.96, 'Length_guess': 2.5649493574615367, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.19497157633304596, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon +Guess: Red Sea +Features: {'Gpr_confidence': -0.02356652, 'Length_char': -0.7777777777777778, 'Length_word': -0.8, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called +Guess: Red Sea +Features: {'Gpr_confidence': -0.02499633, 'Length_char': -0.5511111111111111, 'Length_word': -0.5733333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous +Guess: Red Sea +Features: {'Gpr_confidence': -5.6658945e-05, 'Length_char': -0.32222222222222224, 'Length_word': -0.37333333333333335, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across +Guess: Red Sea +Features: {'Gpr_confidence': -0.00024535925, 'Length_char': -0.10888888888888888, 'Length_word': -0.17333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships +Guess: Red Sea +Features: {'Gpr_confidence': -8.842122e-05, 'Length_char': 0.11555555555555555, 'Length_word': 0.05333333333333334, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, +Guess: Red Sea +Features: {'Gpr_confidence': -0.002249656, 'Length_char': 0.3333333333333333, 'Length_word': 0.28, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +This geographic feature was closed to Christians by traders called Karimi after Reynaud of Chatillon irked them. Purported cave dwellers on this body of water's western side were the first people called "Troglodytes." A port called "Mussel Harbor" abutted this body near Berenice according to an anonymous 1st-century text about its peoples. The city of Adulis traded with the Himyarite kingdom across this body of water, allowing Axum access to frankincense and myrrh traders who plied this sea. Ships sailed down from this sea toward the land of Punt during Queen Hatshepsut's reign. For 10 points, name this sea finally joined to the Mediterranean by the Suez Canal. +Guess: Red Sea +Features: {'Gpr_confidence': -0.00015861567, 'Length_char': 0.4866666666666667, 'Length_word': 0.44, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Geography', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History World', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.17046695947647095, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, +Guess: Narcissism +Features: {'Gpr_confidence': -0.0156934785, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as +Guess: Narcissism +Features: {'Gpr_confidence': -0.047230305, 'Length_char': -0.5555555555555556, 'Length_word': -0.56, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001645313925, 'Length_char': -0.32222222222222224, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled +Guess: Narcissism +Features: {'Gpr_confidence': -0.0003568706575, 'Length_char': -0.10888888888888888, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America +Guess: Narcissism +Features: {'Gpr_confidence': -0.0011550316975, 'Length_char': 0.1111111111111111, 'Length_word': 0.06666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001383959915825, 'Length_char': 0.33555555555555555, 'Length_word': 0.28, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" +Guess: Narcissism +Features: {'Gpr_confidence': -0.0001828933375, 'Length_char': 0.5711111111111111, 'Length_word': 0.4666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man +Guess: Narcissism +Features: {'Gpr_confidence': -0.00581401058275, 'Length_char': 0.7777777777777778, 'Length_word': 0.68, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The nature of this condition was debated by Heinz Kohut and Otto Kernberg. In an essay on this condition, a University of Rochester historian describes how "the happy hooker" replaced Horatio Alger as the image of success. Robert Raskin and Calvin Hall designed a test for it where subjects choose between statements like "Compliments embarrass me" and "I like to be complimented." In a book subtitled American Life in an Age of Diminishing Expectations, Christopher Lasch argued that postwar America is defined by a "culture of" this condition. Sigmund Freud's 1914 paper On this conditon popularized its name, and DSM-5 includes "largely superficial" relationships and a "pervasive pattern of grandiosity" among its indicators. For 10 points, name this disorder of excessive vanity, named for a man from Greek myth. +Guess: Narcissism +Features: {'Gpr_confidence': -0.040077296655, 'Length_char': 0.8155555555555556, 'Length_word': 0.72, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'Social Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.20216277241706848, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.008331276694913334, 'Length_char': -0.7666666666666667, 'Length_word': -0.7466666666666667, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011957988044166668, 'Length_char': -0.5422222222222223, 'Length_word': -0.56, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0015659612589316665, 'Length_char': -0.31555555555555553, 'Length_word': -0.36, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.004454351459571667, 'Length_char': -0.10444444444444445, 'Length_word': -0.13333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0011012463284166666, 'Length_char': 0.11555555555555555, 'Length_word': 0.08, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0027527874936583326, 'Length_char': 0.3333333333333333, 'Length_word': 0.29333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0006104453523300001, 'Length_char': 0.5688888888888889, 'Length_word': 0.5466666666666666, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +The fondness of a leader of this party for a certain flower inspired the creation of the Primrose League, which is dedicated to spreading its influence. A document summarizing this party's principles warned that future legislation had potential to cause "a perpetual vortex of agitation." After the elevation of another man to a Lordship, Stafford Northcote led this party in the Commons. This party ran a short-lived government called the "Who? Who?" Ministry under the Earl of Derby, and the Tamworth Manifesto, distinguished it from a predecessor led by the Duke of Wellington. This party was also led by a man who organized Britain's purchase of the Suez Canal and had a rivalry with William Gladstone. For 10 points, name this British political party of Robert Peel and Benjamin Disraeli. +Guess: Conservative Party (UK) +Features: {'Gpr_confidence': -0.0007278938977833333, 'Length_char': 0.7622222222222222, 'Length_word': 0.7333333333333333, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History British', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13578520715236664, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new +Guess: None +Features: {'Gpr_confidence': -0.28845653, 'Length_char': -0.7711111111111111, 'Length_word': -0.76, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.3351418789031625, 'Length_char': -0.5444444444444444, 'Length_word': -0.5466666666666666, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert +Guess: Dinitrogen complex +Features: {'Gpr_confidence': -0.2532647385875, 'Length_char': -0.3111111111111111, 'Length_word': -0.32, 'Length_guess': 2.9444389791664403, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': -0.03687845543026924, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt +Guess: Dinitrogen +Features: {'Gpr_confidence': -0.025224193808333333, 'Length_char': -0.09777777777777778, 'Length_word': -0.12, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.13640709221363068, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.013674233534, 'Length_char': 0.12444444444444444, 'Length_word': 0.10666666666666667, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating +Guess: Nitrogen +Features: {'Gpr_confidence': -0.091534981, 'Length_char': 0.3377777777777778, 'Length_word': 0.32, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert +Guess: Nitrogen +Features: {'Gpr_confidence': -0.304110521, 'Length_char': 0.5666666666666667, 'Length_word': 0.5733333333333334, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Along with five ammonia ligands, this molecule is bonded to a ruthenium(II) [two] metal center in a new complex prepared by Allen and Senoff in 1965. As a ligand, this molecule exhibits weak sigma-donation and strong pi backbonding. When silver(I) [one] oxide is added, this gas is evolved in the Arndt-Eistert homologation of carboxylic acids. When ketones are used as the starting product for the Schmidt reaction, this gas is evolved. This gas is also released as a byproduct of the Sandmeyer reactions. In plants, it binds to a molybdenum-containing enzyme. This gas can be produced by just heating diazonium salts or azides. This gas is often used as an alternative to argon for the creation of inert atmospheres. For 10 points, name this most common gas in Earth's atmosphere. +Guess: Nitrogen +Features: {'Gpr_confidence': -0.010057607502, 'Length_char': 0.7377777777777778, 'Length_word': 0.7333333333333333, 'Length_guess': 2.1972245773362196, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.18913254141807556, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, +Guess: Frigg +Features: {'Gpr_confidence': -0.033685021231949996, 'Length_char': -0.7644444444444445, 'Length_word': -0.76, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women +Guess: Frigg +Features: {'Gpr_confidence': -0.008490285806325, 'Length_char': -0.5511111111111111, 'Length_word': -0.5066666666666667, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants +Guess: Frigg +Features: {'Gpr_confidence': -0.015598526, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +Guess: Frigg +Features: {'Gpr_confidence': -0.0003544297, 'Length_char': -0.10888888888888888, 'Length_word': -0.04, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs +Guess: Frigg +Features: {'Gpr_confidence': -0.00020794765, 'Length_char': 0.11333333333333333, 'Length_word': 0.18666666666666668, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to +Guess: Frigg +Features: {'Gpr_confidence': -0.00222752175, 'Length_char': 0.33555555555555555, 'Length_word': 0.44, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. +Guess: Frigg +Features: {'Gpr_confidence': -0.0011671295, 'Length_char': 0.5577777777777778, 'Length_word': 0.68, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +Most scholars identify this deity with a figure named Saga who dwells in Sokkvabekk. Along with a servant, this deity helped to heal the horse of Phol. Hlin and Syn serve this figure, who told the women of Winnili to cover their faces with hair, thus helping to found the Lombards. Two other servants of this deity, who ride the horse Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the hall Fensalir, this goddess spins the clouds on a loom. Loki accused this goddess of having affairs with Vili and Ve. After this goddess sent Hermod on a mission to Hel, the giantess Thokk refused to weep for her dead son because this goddess failed to get an oath from mistletoe to remain harmless. For 10 points, name this Norse goddess, the mother of Baldur and wife of Odin. +Guess: Frigg +Features: {'Gpr_confidence': -0.00027214488816500003, 'Length_char': 0.7333333333333333, 'Length_word': 0.88, 'Length_guess': 1.791759469228055, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2814718782901764, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used +Guess: None +Features: {'Gpr_confidence': -0.9606504, 'Length_char': -0.7777777777777778, 'Length_word': -0.7333333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade +Guess: Sumo wrestling +Features: {'Gpr_confidence': -0.44706977100666667, 'Length_char': -0.5444444444444444, 'Length_word': -0.5066666666666667, 'Length_guess': 2.70805020110221, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2059742510318756, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant +Guess: Wrestling +Features: {'Gpr_confidence': -0.1948009021429933, 'Length_char': -0.3333333333333333, 'Length_word': -0.28, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose +Guess: Wrestling +Features: {'Gpr_confidence': -0.002779137544216666, 'Length_char': -0.10444444444444445, 'Length_word': -0.013333333333333334, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old +Guess: Wrestling +Features: {'Gpr_confidence': -0.009298017482433333, 'Length_char': 0.11777777777777777, 'Length_word': 0.26666666666666666, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he +Guess: Wrestling +Features: {'Gpr_confidence': -0.0033204807412166664, 'Length_char': 0.3377777777777778, 'Length_word': 0.49333333333333335, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this +Guess: Wrestling +Features: {'Gpr_confidence': -0.0026848377412166664, 'Length_char': 0.56, 'Length_word': 0.7066666666666667, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" +Guess: Wrestling +Features: {'Gpr_confidence': -0.002801966938776667, 'Length_char': 0.7777777777777778, 'Length_word': 0.92, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In Shinto myth, a god's arm turns into an icicle during an instance of this activity when it is used to decide the ruler of Japan by Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a blade of grass to demonstrate to Bhima how he can defeat Jarasandha in this activity. A Libyan giant uses the skulls of his victims in this activity to build a temple to his father Poseidon. In the Prose Edda, Elli is an old hag who is able to defeat Thor in this because she is a personification of old age. Atalanta defeats Peleus in this, and Heracles kills a practitioner of it in midair because he draws his strength from the earth. The giant Antaeus kills travelers after challenging them to this athletic competition. For 10 points, name this activity invented by the Shinto gods in its "sumo" form. +Guess: Wrestling +Features: {'Gpr_confidence': -0.0009605014042166666, 'Length_char': 0.7911111111111111, 'Length_word': 0.9333333333333333, 'Length_guess': 2.302585092994046, 'Frequency_guess': 0.0, 'Category_category': 'Mythology', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2883872389793396, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings +Guess: Jean Racine +Features: {'Gpr_confidence': -0.12663736577776666, 'Length_char': -0.7711111111111111, 'Length_word': -0.7066666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born +Guess: Jean Racine +Features: {'Gpr_confidence': -0.10732958990750001, 'Length_char': -0.5355555555555556, 'Length_word': -0.44, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura +Guess: Racine +Features: {'Gpr_confidence': -0.0011882864708833334, 'Length_char': -0.32222222222222224, 'Length_word': -0.21333333333333335, 'Length_guess': 1.9459101490553132, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22462095320224762, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened +Guess: Jean Racine +Features: {'Gpr_confidence': -0.014412789272109998, 'Length_char': -0.1111111111111111, 'Length_word': 0.013333333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0032027113583333335, 'Length_char': 0.1111111111111111, 'Length_word': 0.25333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which +Guess: Jean Racine +Features: {'Gpr_confidence': -0.00018488560421666667, 'Length_char': 0.3422222222222222, 'Length_word': 0.4666666666666667, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, +Guess: Jean Racine +Features: {'Gpr_confidence': -0.0128807436238, 'Length_char': 0.5711111111111111, 'Length_word': 0.6933333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +In a play by this author, the young boy Joas is hidden in a temple to escape the murder of his siblings by the title queen so that he may survive to become king of the Jews. This author included the nobly-born servants Cleone and Cephisa in another play. This author of Athalie used a meter with a caesura in the middle of each line to write a monologue relating how a prince's horses were frightened by a bull-dragon which arose from the sea off-stage. He used that alexandrine verse to adapt a plot in which Helen's daughter Hermione loves Pyrrhus, and another plot also derived from Euripides in which Aricie is treated like a daughter after Hippolytus is accused of raping his stepmother. For 10 points, name this 17th-century French playwright of Andromache and Phèdre. +Guess: Jean Racine +Features: {'Gpr_confidence': -0.009992329204216667, 'Length_char': 0.7222222222222222, 'Length_word': 0.8133333333333334, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.9459101490553132, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature European', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.16338157653808594, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used +Guess: Witch hunt +Features: {'Gpr_confidence': -0.7127517333333334, 'Length_char': -0.7688888888888888, 'Length_word': -0.7466666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22205069661140442, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated +Guess: None +Features: {'Gpr_confidence': -0.86990774, 'Length_char': -0.5288888888888889, 'Length_word': -0.52, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which +Guess: Kidnapping +Features: {'Gpr_confidence': -0.02066900294488, 'Length_char': -0.33111111111111113, 'Length_word': -0.32, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI +Guess: Kidnapping of Aldo Moro +Features: {'Gpr_confidence': -0.008818172996714288, 'Length_char': -0.1111111111111111, 'Length_word': -0.09333333333333334, 'Length_guess': 3.1780538303479458, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.1974789798259735, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0026883901042166667, 'Length_char': 0.12222222222222222, 'Length_word': 0.14666666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led +Guess: Kidnapping +Features: {'Gpr_confidence': -0.0006760455987333333, 'Length_char': 0.33555555555555555, 'Length_word': 0.37333333333333335, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these +Guess: Kidnappings +Features: {'Gpr_confidence': -0.021063820055999997, 'Length_char': 0.56, 'Length_word': 0.6133333333333333, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.2571728825569153, 'PreviousGuess_count': 0} +During an attempt to end one of these events, a small village was mistakenly raided after a séance used a Ouija board to spell out the name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny orchestrated one of these events inspired by the carpet scene from Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. 86 letters were written to various politicians and Pope Paul VI during one of these events which caused the end of the Historic Compromise. A third one was orchestrated by the Chénier Cell, prompting Trudeau to invoke the War Measures Act. One of these events led to the execution of the leader of the Christian Democrats by Red Brigades. For 10 points, name these events in which people like Pierre Laporte and Aldo Moro are taken and held for ransom. +Guess: Kidnapping +Features: {'Gpr_confidence': -0.068108190428, 'Length_char': 0.7555555555555555, 'Length_word': 0.8266666666666667, 'Length_guess': 2.3978952727983707, 'Frequency_guess': 0.0, 'Category_category': 'History', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'History Other', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.27329689264297485, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with +Guess: Tsuji-Trost reaction +Features: {'Gpr_confidence': -0.12744976643544167, 'Length_char': -0.7777777777777778, 'Length_word': -0.7866666666666666, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.11772456765174866, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed +Guess: None +Features: {'Gpr_confidence': -0.5184174, 'Length_char': -0.5466666666666666, 'Length_word': -0.5733333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated +Guess: Ireland–Claisen rearrangement +Features: {'Gpr_confidence': -0.004317795259333333, 'Length_char': -0.32666666666666666, 'Length_word': -0.4, 'Length_guess': 3.4011973816621555, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.0023900270462036133, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.072433476294375, 'Length_char': -0.10666666666666667, 'Length_word': -0.17333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.018451288055, 'Length_char': 0.11333333333333333, 'Length_word': 0.013333333333333334, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. +Guess: Rainer Ludwig Claisen +Features: {'Gpr_confidence': -0.15207456224046, 'Length_char': 0.35555555555555557, 'Length_word': 0.24, 'Length_guess': 3.091042453358316, 'Frequency_guess': 1.0986122886681098, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.04836364462971687, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, +Guess: Claisen condensation +Features: {'Gpr_confidence': -0.13275351734, 'Length_char': 0.5622222222222222, 'Length_word': 0.4266666666666667, 'Length_guess': 3.044522437723423, 'Frequency_guess': 0.6931471805599453, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.06714285910129547, 'PreviousGuess_count': 0} +One modification of a reaction developed by this scientist reacts an allylic ether or thioether with a ketene to form an unsaturated ester or thioester. Another modification of the same reaction developed by this man forms gamma, delta-unsaturated carboxylic acids from the rearrangement of deprotonated allylic acetates, and is named for Ireland and this scientist. This man also names a reaction used in the first step in the mevalonate pathway, which forms the molecule acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl ethers in this man's rearrangement, a variant of the Cope rearrangement. Dieckmann names an intramolecular version of this man's most famous reaction. For 10 points, name this German chemist whose namesake condensation of two esters forms beta-keto-esters. +Guess: Claisen rearrangement +Features: {'Gpr_confidence': -0.12260491671825, 'Length_char': 0.7644444444444445, 'Length_word': 0.5866666666666667, 'Length_guess': 3.091042453358316, 'Frequency_guess': 0.0, 'Category_category': 'Science', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Science Chemistry', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.08278495818376541, 'PreviousGuess_count': 0} +Predictions (raw): [False False False False True True False True True True True True + True True True True False False False False True True True True + False True True True True True True True False False False False + False False True True True False False True True True True True + True True True True True True True True False False False False + False False True True False False False False False False False False + False True True True True True True True False False False False + False False False False False False False False False False False True + False False True True True True True True False True True True + True True True True False True True True False True True True + False False False False True True False True False False False False + True True True False False False False True True True True True + False True True True True True True True False False False False + False False False False False False False False False False False False + False False False False False False False False False False False False + True True True True True False False False True False True True + True False False False False False True True True] +Feature Matrix Shape: (201, 36) +Feature Dictionary Sample: [{'Gpr_confidence': -0.7097384, 'Length_char': -0.7755555555555556, 'Length_word': -0.7733333333333333, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.04252395093877667, 'Length_char': -0.5488888888888889, 'Length_word': -0.5333333333333333, 'Length_guess': 2.0794415416798357, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.21121616661548615, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.3653301, 'Length_char': -0.33111111111111113, 'Length_word': -0.26666666666666666, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.59661174, 'Length_char': -0.10888888888888888, 'Length_word': -0.013333333333333334, 'Length_guess': 1.6094379124341003, 'Frequency_guess': 0.0, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.35559049248695374, 'PreviousGuess_count': 0}, {'Gpr_confidence': -0.11516849021365, 'Length_char': 0.1111111111111111, 'Length_word': 0.21333333333333335, 'Length_guess': 2.4849066497880004, 'Frequency_guess': 1.3862943611198906, 'Category_category': 'Literature', 'Category_year': 3.5553480614894135, 'Category_subcategory': 'Literature Classical', 'Category_tournament': 'ACF Regionals', 'ContextualMatch_ContextualMatch': 0.22722943127155304, 'PreviousGuess_count': 0}] +Correct Labels: [False, False, False, False, True] +Outcomes: Counter({'best': 78, 'waiting': 67, 'timid': 37, 'aggressive': 19}) +Examples per Outcome: {'waiting': 67, 'best': 78, 'aggressive': 19, 'timid': 37} +waiting 0.33 +=================== + + guess: None + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.9141 + Length_char: 0.5622 + Length_word: 0.7600 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1080 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Pope Joan + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.1490 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1586 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0027 + Length_char: 0.1222 + Length_word: 0.1467 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2733 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5966 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Oleanna + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1427 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2625 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: None. + answer: Vultures + id: 93141 + Gpr_confidence: -0.7410 + Length_char: -0.5533 + Length_word: -0.5867 + Length_guess: 1.7918 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3003 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0004 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Faye Greener + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3445 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1287 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0001 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- +================= +best 0.39 +=================== + + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0000 + Length_char: -0.5556 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0059 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0001 + Length_char: -0.0756 + Length_word: -0.1333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + Length_char: 0.1133 + Length_word: 0.0533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0002 + Length_char: 0.3422 + Length_word: 0.4667 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Length_char: 0.5556 + Length_word: 0.4933 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0022 + Length_char: 0.3333 + Length_word: 0.2800 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0012 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0012 + Length_char: 0.1111 + Length_word: 0.0667 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- +================= +aggressive 0.09 +=================== + + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0735 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1232 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1975 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0855 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0007 + Length_char: 0.3356 + Length_word: 0.3733 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2733 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Kidnapping + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0681 + Length_char: 0.7556 + Length_word: 0.8267 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2733 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0354 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Edward Albee + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3122 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.5649 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1364 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0128 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0828 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1328 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- +================= +timid 0.18 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0337 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0137 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0002 + Length_char: 0.5600 + Length_word: 0.3733 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0250 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0093 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.1073 + Length_char: -0.5356 + Length_word: -0.4400 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0027 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0083 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0012 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0915 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 78 (out of 201) Accuracy: 0.72 Buzz ratio: 0.34 Buzz position: 0.168487 diff --git a/feateng/evals/eval_output_mlpwith_all_features.txt b/feateng/evals/eval_output_mlpwith_all_features.txt new file mode 100644 index 000000000..7ec6b62e2 --- /dev/null +++ b/feateng/evals/eval_output_mlpwith_all_features.txt @@ -0,0 +1,2 @@ +Setting up logging +Loading buzzer diff --git a/feateng/evals/eval_output_no_features.txt b/feateng/evals/eval_output_no_features.txt new file mode 100644 index 000000000..abf3fbceb --- /dev/null +++ b/feateng/evals/eval_output_no_features.txt @@ -0,0 +1,399 @@ +Setting up logging +Loading buzzer +Initializing features: [''] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.15 +=================== + + guess: Cuban Prime + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3503 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Michael reaction + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3749 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Suzan-Lori Parks + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2783 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: None + answer: None + id: 93153 + Gpr_confidence: -0.6987 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7097 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier +-------------------- + guess: None + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2885 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- + guess: None. + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4946 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: Lorelei Lee + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4550 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Dinitrogen complex + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3351 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.4954 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- +================= +aggressive 0.28 +=================== + + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0024 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, +-------------------- + guess: None + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2498 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1985 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: None + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2008 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.0120 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0735 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Ireland–Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0043 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- +================= +best 0.56 +=================== + + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0137 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0119 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0062 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0060 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0011 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0058 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0001 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0001 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0401 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- +================= +timid 0.01 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.3383 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3041 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- +================= + Gpr_confidence: 5.8000 +Questions Right: 113 (out of 201) Accuracy: 0.71 Buzz ratio: 0.42 Buzz position: -0.148043 diff --git a/feateng/evals/eval_output_with_all_features.txt b/feateng/evals/eval_output_with_all_features.txt new file mode 100644 index 000000000..e1ec6f6a0 --- /dev/null +++ b/feateng/evals/eval_output_with_all_features.txt @@ -0,0 +1,697 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.34 +=================== + + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.4954 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0012 + Length_char: -0.3222 + Length_word: -0.2133 + Length_guess: 1.9459 + Frequency_guess: 0.0000 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1239 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Frequency_guess: 2.0794 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2507 + Length_char: 0.1156 + Length_word: 0.2800 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0013 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: None + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2498 + Length_char: -0.7689 + Length_word: -0.7733 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: None + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.9141 + Length_char: 0.5622 + Length_word: 0.7600 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Suzan-Lori Parks + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2783 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.0652 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Lorelei Lee + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4550 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.4849 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- +================= +best 0.35 +=================== + + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0206 + Length_char: 0.7867 + Length_word: 0.9600 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his black servants. For 10 points, name this South African + playwright of "Master Harold"...and the Boys. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0000 + Length_char: 0.3422 + Length_word: 0.3067 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0001 + Length_char: 0.5578 + Length_word: 0.5733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0000 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0000 + Length_char: -0.5556 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0065 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0060 + Length_char: 0.3533 + Length_word: 0.5200 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0028 + Length_char: 0.3333 + Length_word: 0.2933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0490 + Length_char: 0.7756 + Length_word: 0.8400 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0026 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- +================= +aggressive 0.08 +=================== + + guess: Kidnapping of Aldo Moro + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.0088 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0024 + Length_char: 0.5578 + Length_word: 0.5200 + Length_guess: 2.6391 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0185 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1226 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Petals of Blood + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0309 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Ireland–Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0043 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.4012 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0007 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0009 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0001 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.0172 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- +================= +timid 0.22 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0012 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0004 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0085 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0002 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0472 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0002 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0199 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0000 + Length_char: -0.0978 + Length_word: -0.1467 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0022 + Length_char: 0.3333 + Length_word: 0.2800 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1948 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 + PreviousGuess_count: 0.0000 +Questions Right: 70 (out of 201) Accuracy: 0.69 Buzz ratio: 0.31 Buzz position: 0.126417 diff --git a/feateng/evals/eval_output_with_category.txt b/feateng/evals/eval_output_with_category.txt new file mode 100644 index 000000000..5d7c1cefc --- /dev/null +++ b/feateng/evals/eval_output_with_category.txt @@ -0,0 +1,702 @@ +Setting up logging +Loading buzzer +Initializing features: ['Category'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.40 +=================== + + guess: Holden Caulfield + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.2928 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: The Tin Drum + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.5774 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on +-------------------- + guess: Ghost hunt + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.8542 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- +================= +timid 0.09 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- +================= +best 0.38 +=================== + + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0014 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0085 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0032 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0130 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- +================= +aggressive 0.13 +=================== + + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- +================= + Category_category=Fine Arts: -0.3429 + Category_category=Geography: -0.5167 + Category_category=History: 0.1303 + Category_category=Literature: 0.4147 + Category_category=Philosophy: 0.3770 + Category_category=Religion: 0.9093 + Category_category=Science: -1.9531 + Category_category=Social Science: 0.6914 + Category_category=Trash: 0.2903 +Category_subcategory=Fine Arts Audiovisual: -0.0012 + Category_subcategory=Fine Arts Auditory: 0.2023 + Category_subcategory=Fine Arts Other: -0.0629 + Category_subcategory=Fine Arts Visual: 1.1420 + Category_subcategory=History American: -0.2088 + Category_subcategory=History European: 0.8515 + Category_subcategory=History World: 0.5567 +Category_subcategory=Literature American: -0.7987 +Category_subcategory=Literature Classical: -0.5356 +Category_subcategory=Literature European: -0.3926 + Category_subcategory=Literature Other: -0.1003 + Category_subcategory=Literature World: 0.5116 + Category_subcategory=Science Biology: 0.9794 + Category_subcategory=Science Chemistry: -0.7913 +Category_subcategory=Science Computer Science: -0.0366 + Category_subcategory=Science Math: -0.6170 + Category_subcategory=Science Other: -0.1273 + Category_subcategory=Science Physics: -0.5714 + Category_tournament=ACF Winter: 0.0000 + Category_year: 0.0001 + Gpr_confidence: 4.0390 +Questions Right: 77 (out of 201) Accuracy: 0.78 Buzz ratio: 0.32 Buzz position: -0.114692 diff --git a/feateng/evals/eval_output_with_category_contextualmatch.txt b/feateng/evals/eval_output_with_category_contextualmatch.txt new file mode 100644 index 000000000..e04918b6e --- /dev/null +++ b/feateng/evals/eval_output_with_category_contextualmatch.txt @@ -0,0 +1,757 @@ +Setting up logging +Loading buzzer +Initializing features: ['Category', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1530 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7734 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1530 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the +-------------------- + guess: The Tin Drum + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.5774 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1493 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1016 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1131 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2858 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1746 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0851 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1998 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- +================= +timid 0.07 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- +================= +best 0.40 +=================== + + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1950 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0085 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- +================= +aggressive 0.14 +=================== + + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3803 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0570 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1232 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- +================= + Category_category=Fine Arts: -0.3803 + Category_category=Geography: -0.6019 + Category_category=History: 0.1506 + Category_category=Literature: 0.3875 + Category_category=Philosophy: 0.3384 + Category_category=Religion: 0.9207 + Category_category=Science: -1.7185 + Category_category=Social Science: 0.6673 + Category_category=Trash: 0.2364 +Category_subcategory=Fine Arts Audiovisual: -0.0816 + Category_subcategory=Fine Arts Auditory: 0.3018 + Category_subcategory=Fine Arts Other: -0.0957 + Category_subcategory=Fine Arts Visual: 1.1409 + Category_subcategory=History American: -0.1996 + Category_subcategory=History European: 0.8037 + Category_subcategory=History World: 0.4781 +Category_subcategory=Literature American: -0.7706 +Category_subcategory=Literature Classical: -0.4210 +Category_subcategory=Literature European: -0.3611 + Category_subcategory=Literature Other: -0.0698 + Category_subcategory=Literature World: 0.4579 + Category_subcategory=Science Biology: 1.0663 + Category_subcategory=Science Chemistry: -0.7355 +Category_subcategory=Science Computer Science: 0.0023 + Category_subcategory=Science Math: -0.6747 + Category_subcategory=Science Other: -0.2113 + Category_subcategory=Science Physics: -0.6299 + Category_tournament=ACF Winter: 0.0003 + Category_year: 0.0009 + ContextualMatch_ContextualMatch: 2.9862 + Gpr_confidence: 4.1205 +Questions Right: 80 (out of 201) Accuracy: 0.79 Buzz ratio: 0.33 Buzz position: -0.105954 diff --git a/feateng/evals/eval_output_with_category_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_category_contextualmatch_previousguess.txt new file mode 100644 index 000000000..5ff52caa8 --- /dev/null +++ b/feateng/evals/eval_output_with_category_contextualmatch_previousguess.txt @@ -0,0 +1,789 @@ +Setting up logging +Loading buzzer +Initializing features: ['Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: The Soldier (play) + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7112 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1026 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2068 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7734 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1530 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.3877 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1676 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0045 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0992 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0999 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2858 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- +================= +timid 0.07 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2214 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- +================= +best 0.40 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0085 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0040 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0086 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0029 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1950 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his black servants. For 10 points, name this South African + playwright of "Master Harold"...and the Boys. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1868 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- +================= +aggressive 0.14 +=================== + + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.4329 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2858 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0570 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0651 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1531 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2248 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- +================= + Category_category=Fine Arts: -0.3803 + Category_category=Geography: -0.6019 + Category_category=History: 0.1506 + Category_category=Literature: 0.3875 + Category_category=Philosophy: 0.3384 + Category_category=Religion: 0.9207 + Category_category=Science: -1.7185 + Category_category=Social Science: 0.6673 + Category_category=Trash: 0.2364 +Category_subcategory=Fine Arts Audiovisual: -0.0816 + Category_subcategory=Fine Arts Auditory: 0.3018 + Category_subcategory=Fine Arts Other: -0.0957 + Category_subcategory=Fine Arts Visual: 1.1409 + Category_subcategory=History American: -0.1996 + Category_subcategory=History European: 0.8037 + Category_subcategory=History World: 0.4781 +Category_subcategory=Literature American: -0.7706 +Category_subcategory=Literature Classical: -0.4210 +Category_subcategory=Literature European: -0.3611 + Category_subcategory=Literature Other: -0.0698 + Category_subcategory=Literature World: 0.4579 + Category_subcategory=Science Biology: 1.0663 + Category_subcategory=Science Chemistry: -0.7355 +Category_subcategory=Science Computer Science: 0.0023 + Category_subcategory=Science Math: -0.6747 + Category_subcategory=Science Other: -0.2113 + Category_subcategory=Science Physics: -0.6299 + Category_tournament=ACF Winter: 0.0003 + Category_year: 0.0009 + ContextualMatch_ContextualMatch: 2.9862 + Gpr_confidence: 4.1205 + PreviousGuess_count: 0.0000 +Questions Right: 80 (out of 201) Accuracy: 0.79 Buzz ratio: 0.33 Buzz position: -0.105954 diff --git a/feateng/evals/eval_output_with_category_previousguess.txt b/feateng/evals/eval_output_with_category_previousguess.txt new file mode 100644 index 000000000..1f01e7512 --- /dev/null +++ b/feateng/evals/eval_output_with_category_previousguess.txt @@ -0,0 +1,741 @@ +Setting up logging +Loading buzzer +Initializing features: ['Category', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.40 +=================== + + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Nitrogen gas + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2797 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4398 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- +================= +timid 0.09 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- +================= +best 0.38 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0511 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0130 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0025 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0021 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0092 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- +================= +aggressive 0.13 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- +================= + Category_category=Fine Arts: -0.3429 + Category_category=Geography: -0.5167 + Category_category=History: 0.1303 + Category_category=Literature: 0.4147 + Category_category=Philosophy: 0.3770 + Category_category=Religion: 0.9093 + Category_category=Science: -1.9531 + Category_category=Social Science: 0.6914 + Category_category=Trash: 0.2903 +Category_subcategory=Fine Arts Audiovisual: -0.0012 + Category_subcategory=Fine Arts Auditory: 0.2023 + Category_subcategory=Fine Arts Other: -0.0629 + Category_subcategory=Fine Arts Visual: 1.1420 + Category_subcategory=History American: -0.2088 + Category_subcategory=History European: 0.8515 + Category_subcategory=History World: 0.5567 +Category_subcategory=Literature American: -0.7987 +Category_subcategory=Literature Classical: -0.5356 +Category_subcategory=Literature European: -0.3926 + Category_subcategory=Literature Other: -0.1003 + Category_subcategory=Literature World: 0.5116 + Category_subcategory=Science Biology: 0.9794 + Category_subcategory=Science Chemistry: -0.7913 +Category_subcategory=Science Computer Science: -0.0366 + Category_subcategory=Science Math: -0.6170 + Category_subcategory=Science Other: -0.1273 + Category_subcategory=Science Physics: -0.5714 + Category_tournament=ACF Winter: 0.0000 + Category_year: 0.0001 + Gpr_confidence: 4.0390 + PreviousGuess_count: 0.0000 +Questions Right: 77 (out of 201) Accuracy: 0.78 Buzz ratio: 0.32 Buzz position: -0.114692 diff --git a/feateng/evals/eval_output_with_contextualmatch.txt b/feateng/evals/eval_output_with_contextualmatch.txt new file mode 100644 index 000000000..ababa88da --- /dev/null +++ b/feateng/evals/eval_output_with_contextualmatch.txt @@ -0,0 +1,525 @@ +Setting up logging +Loading buzzer +Initializing features: ['ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.38 +=================== + + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 +ContextualMatch_ContextualMatch: 0.0999 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Symphony No. 1 (Elgar) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2152 +ContextualMatch_ContextualMatch: 0.0045 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 +ContextualMatch_ContextualMatch: 0.2068 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 +ContextualMatch_ContextualMatch: 0.2858 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Cube number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.3972 +ContextualMatch_ContextualMatch: 0.1413 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.6737 +ContextualMatch_ContextualMatch: 0.3556 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third +-------------------- + guess: Asymmetric hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3129 +ContextualMatch_ContextualMatch: 0.0735 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.9142 +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- +================= +timid 0.05 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- +================= +best 0.42 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0031 +ContextualMatch_ContextualMatch: 0.0995 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0681 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0029 +ContextualMatch_ContextualMatch: 0.1950 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his black servants. For 10 points, name this South African + playwright of "Master Harold"...and the Boys. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0205 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0123 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- +================= +aggressive 0.14 +=================== + + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 +ContextualMatch_ContextualMatch: 0.2362 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Goodman Ace + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.2310 +ContextualMatch_ContextualMatch: 0.2264 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 +ContextualMatch_ContextualMatch: 0.1232 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 +ContextualMatch_ContextualMatch: 0.3491 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 +ContextualMatch_ContextualMatch: 0.2497 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- +================= + ContextualMatch_ContextualMatch: 3.8783 + Gpr_confidence: 4.1473 +Questions Right: 84 (out of 201) Accuracy: 0.80 Buzz ratio: 0.35 Buzz position: -0.163584 diff --git a/feateng/evals/eval_output_with_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_contextualmatch_previousguess.txt new file mode 100644 index 000000000..4b042ca9a --- /dev/null +++ b/feateng/evals/eval_output_with_contextualmatch_previousguess.txt @@ -0,0 +1,567 @@ +Setting up logging +Loading buzzer +Initializing features: ['ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.38 +=================== + + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.6594 +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 +ContextualMatch_ContextualMatch: 0.2068 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Seance + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.0207 +ContextualMatch_ContextualMatch: 0.1760 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated +-------------------- + guess: Asymmetric hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3129 +ContextualMatch_ContextualMatch: 0.0735 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 +ContextualMatch_ContextualMatch: 0.1947 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 +ContextualMatch_ContextualMatch: 0.2549 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 +ContextualMatch_ContextualMatch: 0.1525 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: The Soldier (play) + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7112 +ContextualMatch_ContextualMatch: 0.1026 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 +ContextualMatch_ContextualMatch: 0.1571 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- +================= +timid 0.05 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- +================= +best 0.42 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0687 +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0012 +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0031 +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After +-------------------- +================= +aggressive 0.14 +=================== + + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 +ContextualMatch_ContextualMatch: 0.1820 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 +ContextualMatch_ContextualMatch: 0.2129 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Sumo + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2653 +ContextualMatch_ContextualMatch: 0.2705 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 +ContextualMatch_ContextualMatch: 0.0851 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 +ContextualMatch_ContextualMatch: 0.2362 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 +ContextualMatch_ContextualMatch: 0.3491 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Goodman Ace + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.2310 +ContextualMatch_ContextualMatch: 0.2264 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 +ContextualMatch_ContextualMatch: 0.2497 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 +ContextualMatch_ContextualMatch: 0.2493 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- +================= + ContextualMatch_ContextualMatch: 3.8783 + Gpr_confidence: 4.1473 + PreviousGuess_count: 0.0000 +Questions Right: 84 (out of 201) Accuracy: 0.80 Buzz ratio: 0.35 Buzz position: -0.163584 diff --git a/feateng/evals/eval_output_with_frequency.txt b/feateng/evals/eval_output_with_frequency.txt new file mode 100644 index 000000000..552539c42 --- /dev/null +++ b/feateng/evals/eval_output_with_frequency.txt @@ -0,0 +1,554 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Frequency_guess: 0.0000 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Frequency_guess: 1.0986 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Frequency_guess: 0.0000 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Frequency_guess: 1.9459 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Frequency_guess: 0.0000 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- +================= +timid 0.05 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.42 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0205 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Frequency_guess: 0.0000 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0100 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0070 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0031 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 + Frequency_guess: 1.3863 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0681 + Frequency_guess: 0.0000 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- +================= +aggressive 0.20 +=================== + + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Frequency_guess: 0.0000 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + Frequency_guess: 0.0000 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Frequency_guess: 0.0000 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- +================= + Frequency_guess: -0.3449 + Gpr_confidence: 5.0634 +Questions Right: 85 (out of 201) Accuracy: 0.75 Buzz ratio: 0.32 Buzz position: -0.307975 diff --git a/feateng/evals/eval_output_with_frequency_category.txt b/feateng/evals/eval_output_with_frequency_category.txt new file mode 100644 index 000000000..d6732ca8d --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_category.txt @@ -0,0 +1,708 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'Category'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Frequency_guess: 0.0000 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Ghost hunt + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.8542 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Frequency_guess: 0.6931 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + Frequency_guess: 1.0986 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: The Tin Drum + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.5774 + Frequency_guess: 2.3979 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on +-------------------- + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- +================= +aggressive 0.17 +=================== + + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Frequency_guess: 1.3863 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4729 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- +================= +timid 0.07 +=================== + + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- +================= +best 0.40 +=================== + + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0032 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0031 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0013 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0040 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- +================= + Category_category=Fine Arts: -0.4264 + Category_category=Geography: -0.8262 + Category_category=History: 0.0993 + Category_category=Literature: 0.7358 + Category_category=Philosophy: 0.2307 + Category_category=Religion: 0.7337 + Category_category=Science: -1.3607 + Category_category=Social Science: 0.7353 + Category_category=Trash: 0.0786 +Category_subcategory=Fine Arts Audiovisual: -0.0409 + Category_subcategory=Fine Arts Auditory: 0.5045 + Category_subcategory=Fine Arts Other: -0.1595 + Category_subcategory=Fine Arts Visual: 1.1519 + Category_subcategory=History American: -0.0189 + Category_subcategory=History European: 0.7369 + Category_subcategory=History World: 0.3749 +Category_subcategory=Literature American: -0.8301 +Category_subcategory=Literature Classical: -0.4291 +Category_subcategory=Literature European: -0.3146 + Category_subcategory=Literature Other: -0.1894 + Category_subcategory=Literature World: 0.4344 + Category_subcategory=Science Biology: 1.1378 + Category_subcategory=Science Chemistry: -0.6193 +Category_subcategory=Science Computer Science: 0.1200 + Category_subcategory=Science Math: -0.6568 + Category_subcategory=Science Other: -0.2278 + Category_subcategory=Science Physics: -0.9738 + Category_tournament=ACF Winter: 0.0001 + Category_year: 0.0004 + Frequency_guess: -0.3160 + Gpr_confidence: 4.7156 +Questions Right: 80 (out of 201) Accuracy: 0.75 Buzz ratio: 0.31 Buzz position: -0.250139 diff --git a/feateng/evals/eval_output_with_frequency_category_contextualmatch.txt b/feateng/evals/eval_output_with_frequency_category_contextualmatch.txt new file mode 100644 index 000000000..4ced684c3 --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_category_contextualmatch.txt @@ -0,0 +1,800 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'Category', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2068 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2549 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.9142 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0851 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Kalevi Aho + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.5572 + Frequency_guess: 0.0000 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1980 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Frequency_guess: 1.0986 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Yuki-onna + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3389 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1982 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.5825 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2612 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- +================= +aggressive 0.17 +=================== + + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.3877 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2493 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- +================= +timid 0.06 +=================== + + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2214 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- +================= +best 0.41 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0437 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2022 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0025 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0995 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0012 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0085 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0113 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0100 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- +================= + Category_category=Fine Arts: -0.4403 + Category_category=Geography: -0.8406 + Category_category=History: 0.1211 + Category_category=Literature: 0.6686 + Category_category=Philosophy: 0.2252 + Category_category=Religion: 0.7642 + Category_category=Science: -1.2879 + Category_category=Social Science: 0.7135 + Category_category=Trash: 0.0759 +Category_subcategory=Fine Arts Audiovisual: -0.0928 + Category_subcategory=Fine Arts Auditory: 0.5306 + Category_subcategory=Fine Arts Other: -0.1702 + Category_subcategory=Fine Arts Visual: 1.1457 + Category_subcategory=History American: -0.0389 + Category_subcategory=History European: 0.7181 + Category_subcategory=History World: 0.3460 +Category_subcategory=Literature American: -0.8081 +Category_subcategory=Literature Classical: -0.3597 +Category_subcategory=Literature European: -0.3011 + Category_subcategory=Literature Other: -0.1505 + Category_subcategory=Literature World: 0.4078 + Category_subcategory=Science Biology: 1.1797 + Category_subcategory=Science Chemistry: -0.6067 +Category_subcategory=Science Computer Science: 0.1234 + Category_subcategory=Science Math: -0.6916 + Category_subcategory=Science Other: -0.2774 + Category_subcategory=Science Physics: -0.9548 + Category_tournament=ACF Winter: -0.0004 + Category_year: -0.0015 + ContextualMatch_ContextualMatch: 2.1787 + Frequency_guess: -0.2671 + Gpr_confidence: 4.6635 +Questions Right: 82 (out of 201) Accuracy: 0.76 Buzz ratio: 0.32 Buzz position: -0.259295 diff --git a/feateng/evals/eval_output_with_frequency_category_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_frequency_category_contextualmatch_previousguess.txt new file mode 100644 index 000000000..83fe712df --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_category_contextualmatch_previousguess.txt @@ -0,0 +1,821 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Stone circles + answer: Vultures + id: 93141 + Gpr_confidence: -0.5130 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1588 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0992 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2877 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0045 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1525 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Frequency_guess: 0.6931 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3288 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Frequency_guess: 0.0000 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0040 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Nitrogen gas + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2797 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1183 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- + guess: Asymmetric hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.3129 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0735 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of +-------------------- +================= +aggressive 0.17 +=================== + + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1531 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2911 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1232 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Goodman Ace + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.2310 + Frequency_guess: 0.0000 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2264 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2493 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2248 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0651 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- +================= +timid 0.06 +=================== + + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2214 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- +================= +best 0.41 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- +================= + Category_category=Fine Arts: -0.4403 + Category_category=Geography: -0.8406 + Category_category=History: 0.1211 + Category_category=Literature: 0.6686 + Category_category=Philosophy: 0.2252 + Category_category=Religion: 0.7642 + Category_category=Science: -1.2879 + Category_category=Social Science: 0.7135 + Category_category=Trash: 0.0759 +Category_subcategory=Fine Arts Audiovisual: -0.0928 + Category_subcategory=Fine Arts Auditory: 0.5306 + Category_subcategory=Fine Arts Other: -0.1702 + Category_subcategory=Fine Arts Visual: 1.1457 + Category_subcategory=History American: -0.0389 + Category_subcategory=History European: 0.7181 + Category_subcategory=History World: 0.3460 +Category_subcategory=Literature American: -0.8081 +Category_subcategory=Literature Classical: -0.3596 +Category_subcategory=Literature European: -0.3011 + Category_subcategory=Literature Other: -0.1506 + Category_subcategory=Literature World: 0.4078 + Category_subcategory=Science Biology: 1.1797 + Category_subcategory=Science Chemistry: -0.6067 +Category_subcategory=Science Computer Science: 0.1234 + Category_subcategory=Science Math: -0.6916 + Category_subcategory=Science Other: -0.2774 + Category_subcategory=Science Physics: -0.9548 + Category_tournament=ACF Winter: -0.0004 + Category_year: -0.0015 + ContextualMatch_ContextualMatch: 2.1787 + Frequency_guess: -0.2671 + Gpr_confidence: 4.6635 + PreviousGuess_count: 0.0000 +Questions Right: 82 (out of 201) Accuracy: 0.76 Buzz ratio: 0.32 Buzz position: -0.259295 diff --git a/feateng/evals/eval_output_with_frequency_category_previousguess.txt b/feateng/evals/eval_output_with_frequency_category_previousguess.txt new file mode 100644 index 000000000..5d7289f2b --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_category_previousguess.txt @@ -0,0 +1,792 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'Category', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Ammonia + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.4994 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.8728 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Frequency_guess: 0.0000 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Frequency_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: The Tin Drum + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.5774 + Frequency_guess: 2.3979 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + Frequency_guess: 1.0986 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- +================= +aggressive 0.17 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4729 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- +================= +timid 0.07 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- +================= +best 0.40 +=================== + + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.1448 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0293 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0025 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0437 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0681 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- +================= + Category_category=Fine Arts: -0.4264 + Category_category=Geography: -0.8262 + Category_category=History: 0.0993 + Category_category=Literature: 0.7358 + Category_category=Philosophy: 0.2307 + Category_category=Religion: 0.7337 + Category_category=Science: -1.3607 + Category_category=Social Science: 0.7353 + Category_category=Trash: 0.0786 +Category_subcategory=Fine Arts Audiovisual: -0.0409 + Category_subcategory=Fine Arts Auditory: 0.5045 + Category_subcategory=Fine Arts Other: -0.1595 + Category_subcategory=Fine Arts Visual: 1.1519 + Category_subcategory=History American: -0.0189 + Category_subcategory=History European: 0.7369 + Category_subcategory=History World: 0.3749 +Category_subcategory=Literature American: -0.8301 +Category_subcategory=Literature Classical: -0.4291 +Category_subcategory=Literature European: -0.3146 + Category_subcategory=Literature Other: -0.1894 + Category_subcategory=Literature World: 0.4344 + Category_subcategory=Science Biology: 1.1378 + Category_subcategory=Science Chemistry: -0.6193 +Category_subcategory=Science Computer Science: 0.1200 + Category_subcategory=Science Math: -0.6568 + Category_subcategory=Science Other: -0.2278 + Category_subcategory=Science Physics: -0.9738 + Category_tournament=ACF Winter: 0.0001 + Category_year: 0.0004 + Frequency_guess: -0.3160 + Gpr_confidence: 4.7156 + PreviousGuess_count: 0.0000 +Questions Right: 80 (out of 201) Accuracy: 0.75 Buzz ratio: 0.31 Buzz position: -0.250139 diff --git a/feateng/evals/eval_output_with_frequency_contextualmatch.txt b/feateng/evals/eval_output_with_frequency_contextualmatch.txt new file mode 100644 index 000000000..68fc99afd --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_contextualmatch.txt @@ -0,0 +1,545 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.34 +=================== + + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2911 + Frequency_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.3288 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Symphony No. 1 (Elgar) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2152 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0045 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0985 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Stephen L. Buchwald + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3770 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0212 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with +-------------------- + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1131 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: -0.0040 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- +================= +timid 0.04 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.43 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0028 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1950 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0045 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0063 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- +================= +aggressive 0.19 +=================== + + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1232 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.3491 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0106 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.1021 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- +================= + ContextualMatch_ContextualMatch: 2.4970 + Frequency_guess: -0.2843 + Gpr_confidence: 4.9882 +Questions Right: 86 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.277408 diff --git a/feateng/evals/eval_output_with_frequency_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_frequency_contextualmatch_previousguess.txt new file mode 100644 index 000000000..aa6d52776 --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_contextualmatch_previousguess.txt @@ -0,0 +1,611 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.34 +=================== + + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1486 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2858 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Kalevi Aho + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.5572 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1980 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.6594 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.1530 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.8728 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1746 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Mersenne Prime + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5259 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1047 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7734 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.1530 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the +-------------------- +================= +timid 0.04 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.43 +=================== + + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1950 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0070 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0092 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0437 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1442 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- +================= +aggressive 0.19 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0992 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1232 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0651 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2248 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0828 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2129 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1746 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- +================= + ContextualMatch_ContextualMatch: 2.4970 + Frequency_guess: -0.2843 + Gpr_confidence: 4.9882 + PreviousGuess_count: 0.0000 +Questions Right: 86 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.277408 diff --git a/feateng/evals/eval_output_with_frequency_previousguess.txt b/feateng/evals/eval_output_with_frequency_previousguess.txt new file mode 100644 index 000000000..e1e27f609 --- /dev/null +++ b/feateng/evals/eval_output_with_frequency_previousguess.txt @@ -0,0 +1,588 @@ +Setting up logging +Loading buzzer +Initializing features: ['Frequency', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: Mersenne Prime + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5259 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.5825 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- +================= +timid 0.05 +=================== + + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +best 0.42 +=================== + + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.1448 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0025 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0013 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0032 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0240 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- +================= +aggressive 0.20 +=================== + + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- +================= + Frequency_guess: -0.3449 + Gpr_confidence: 5.0634 + PreviousGuess_count: 0.0000 +Questions Right: 85 (out of 201) Accuracy: 0.75 Buzz ratio: 0.32 Buzz position: -0.307975 diff --git a/feateng/evals/eval_output_with_length.txt b/feateng/evals/eval_output_with_length.txt new file mode 100644 index 000000000..906441284 --- /dev/null +++ b/feateng/evals/eval_output_with_length.txt @@ -0,0 +1,627 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 1.9459 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 1.6094 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Length_char: -0.0956 + Length_word: -0.1200 + Length_guess: 3.1355 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Takeminakata + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3306 + Length_char: -0.5444 + Length_word: -0.5067 + Length_guess: 2.5649 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.6094 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Stephen L. Buchwald + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3770 + Length_char: -0.7778 + Length_word: -0.7867 + Length_guess: 2.9957 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.6594 + Length_char: 0.5578 + Length_word: 0.5467 + Length_guess: 1.6094 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Length_char: -0.3311 + Length_word: -0.3733 + Length_guess: 2.6391 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 3.2189 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- +================= +best 0.41 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Length_char: 0.4867 + Length_word: 0.4400 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Length_char: 0.3444 + Length_word: 0.2667 + Length_guess: 2.7726 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0010 + Length_char: -0.0978 + Length_word: -0.1467 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0031 + Length_char: 0.5556 + Length_word: 0.4933 + Length_guess: 2.8332 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Length_char: -0.3156 + Length_word: -0.3600 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0013 + Length_char: 0.5622 + Length_word: 0.7600 + Length_guess: 2.5649 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Length_char: 0.1156 + Length_word: 0.0800 + Length_guess: 3.1781 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- +================= +timid 0.06 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 2.4849 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- +================= +aggressive 0.18 +=================== + + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.5649 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.5264 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.7081 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 3.5264 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Nitrogen gas + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2797 + Length_char: 0.5667 + Length_word: 0.5733 + Length_guess: 2.5649 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2676 + Length_char: 0.5600 + Length_word: 0.7200 + Length_guess: 2.0794 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Length_char: -0.1067 + Length_word: -0.1733 + Length_guess: 3.0910 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- +================= + Gpr_confidence: 3.8284 + Length_char: 0.7665 + Length_guess: 0.9584 + Length_word: 0.7346 +Questions Right: 82 (out of 201) Accuracy: 0.76 Buzz ratio: 0.32 Buzz position: -0.029203 diff --git a/feateng/evals/eval_output_with_length_category.txt b/feateng/evals/eval_output_with_length_category.txt new file mode 100644 index 000000000..6ae94436e --- /dev/null +++ b/feateng/evals/eval_output_with_length_category.txt @@ -0,0 +1,783 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Category'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.6391 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: Symphony No. 1 (Elgar) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2152 + Length_char: -0.7689 + Length_word: -0.7733 + Length_guess: 3.1355 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale +-------------------- + guess: Goodman Ace + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.2310 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 2.4849 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4729 + Length_char: -0.3222 + Length_word: -0.2933 + Length_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.8728 + Length_char: -0.5444 + Length_word: -0.5467 + Length_guess: 2.7726 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.5649 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.0445 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Length_char: -0.5556 + Length_word: -0.6133 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- +================= +aggressive 0.19 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 + Length_char: 0.3356 + Length_word: 0.3733 + Length_guess: 2.3026 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 2.7726 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 3.5264 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.5825 + Length_char: 0.6022 + Length_word: 0.5867 + Length_guess: 1.6094 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.5264 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 3.3673 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- +================= +best 0.40 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0025 + Length_char: 0.1111 + Length_word: 0.2533 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0086 + Length_char: 0.5578 + Length_word: 0.5733 + Length_guess: 2.7726 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0681 + Length_char: -0.0756 + Length_word: -0.1333 + Length_guess: 2.9444 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Donald Davidson (philosopher) + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0530 + Length_char: 0.7511 + Length_word: 0.6133 + Length_guess: 3.4012 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name this American philosopher who devised "radical + interpretation" and anomalous monism. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0011 + Length_char: 0.4867 + Length_word: 0.4400 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, name this sea + finally joined to the Mediterranean by the Suez Canal. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0007 + Length_char: 0.7222 + Length_word: 0.8133 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, name this 17th-century French + playwright of Andromache and Phèdre. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: -0.1111 + Length_word: 0.0133 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0123 + Length_char: 0.1222 + Length_word: 0.0933 + Length_guess: 2.9444 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors +-------------------- +================= +timid 0.07 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Length_char: -0.3333 + Length_word: -0.4000 + Length_guess: 2.7726 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- +================= + Category_category=Fine Arts: -0.3818 + Category_category=Geography: -0.8374 + Category_category=History: 0.1163 + Category_category=Literature: 0.8405 + Category_category=Philosophy: -0.0825 + Category_category=Religion: 0.7844 + Category_category=Science: -1.0644 + Category_category=Social Science: 0.7034 + Category_category=Trash: -0.0788 +Category_subcategory=Fine Arts Audiovisual: -0.3869 + Category_subcategory=Fine Arts Auditory: 0.8465 + Category_subcategory=Fine Arts Other: -0.2676 + Category_subcategory=Fine Arts Visual: 0.8714 + Category_subcategory=History American: 0.2585 + Category_subcategory=History European: 0.7232 + Category_subcategory=History World: 0.5877 +Category_subcategory=Literature American: -0.8883 +Category_subcategory=Literature Classical: -0.7454 +Category_subcategory=Literature European: -0.3633 + Category_subcategory=Literature Other: -0.1201 + Category_subcategory=Literature World: 0.2074 + Category_subcategory=Science Biology: 1.2739 + Category_subcategory=Science Chemistry: -0.3093 +Category_subcategory=Science Computer Science: 0.5996 + Category_subcategory=Science Math: -0.5533 + Category_subcategory=Science Other: -0.1922 + Category_subcategory=Science Physics: -1.5421 + Category_tournament=ACF Winter: -0.0002 + Category_year: -0.0007 + Gpr_confidence: 3.1536 + Length_char: 0.9991 + Length_guess: 1.0162 + Length_word: 0.8198 +Questions Right: 81 (out of 201) Accuracy: 0.74 Buzz ratio: 0.31 Buzz position: -0.085195 diff --git a/feateng/evals/eval_output_with_length_category_contextualmatch.txt b/feateng/evals/eval_output_with_length_category_contextualmatch.txt new file mode 100644 index 000000000..8163bf096 --- /dev/null +++ b/feateng/evals/eval_output_with_length_category_contextualmatch.txt @@ -0,0 +1,836 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Category', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.31 +=================== + + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3491 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4398 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1496 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.0445 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.6391 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0851 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + Length_char: -0.5467 + Length_word: -0.5733 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1525 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + Length_char: -0.3333 + Length_word: -0.2267 + Length_guess: 2.8904 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1131 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2068 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.0204 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks +-------------------- +================= +aggressive 0.21 +=================== + + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1820 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0651 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Sumo + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2653 + Length_char: 0.7778 + Length_word: 0.9200 + Length_guess: 1.6094 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2705 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 3.5264 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.7081 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- +================= +best 0.40 +=================== + + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0085 + Length_char: 0.5578 + Length_word: 0.5333 + Length_guess: 2.9444 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0511 + Length_char: -0.1089 + Length_word: -0.0800 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Length_char: 0.7378 + Length_word: 0.7333 + Length_guess: 2.1972 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0323 + Length_char: -0.3156 + Length_word: -0.3600 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 2.7726 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0123 + Length_char: 0.1222 + Length_word: 0.0933 + Length_guess: 2.9444 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors +-------------------- +================= +timid 0.07 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1749 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- +================= + Category_category=Fine Arts: -0.3816 + Category_category=Geography: -0.8593 + Category_category=History: 0.1299 + Category_category=Literature: 0.8074 + Category_category=Philosophy: -0.0816 + Category_category=Religion: 0.7805 + Category_category=Science: -1.0054 + Category_category=Social Science: 0.6947 + Category_category=Trash: -0.0847 +Category_subcategory=Fine Arts Audiovisual: -0.4256 + Category_subcategory=Fine Arts Auditory: 0.8740 + Category_subcategory=Fine Arts Other: -0.2709 + Category_subcategory=Fine Arts Visual: 0.8825 + Category_subcategory=History American: 0.2426 + Category_subcategory=History European: 0.7102 + Category_subcategory=History World: 0.5527 +Category_subcategory=Literature American: -0.8738 +Category_subcategory=Literature Classical: -0.6905 +Category_subcategory=Literature European: -0.3395 + Category_subcategory=Literature Other: -0.0982 + Category_subcategory=Literature World: 0.1995 + Category_subcategory=Science Biology: 1.3198 + Category_subcategory=Science Chemistry: -0.3066 +Category_subcategory=Science Computer Science: 0.5968 + Category_subcategory=Science Math: -0.5926 + Category_subcategory=Science Other: -0.2334 + Category_subcategory=Science Physics: -1.5470 + Category_tournament=ACF Winter: -0.0001 + Category_year: -0.0004 + ContextualMatch_ContextualMatch: 1.4414 + Gpr_confidence: 3.1514 + Length_char: 0.9908 + Length_guess: 0.9780 + Length_word: 0.8082 +Questions Right: 81 (out of 201) Accuracy: 0.72 Buzz ratio: 0.30 Buzz position: -0.095372 diff --git a/feateng/evals/eval_output_with_length_category_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_length_category_contextualmatch_previousguess.txt new file mode 100644 index 000000000..d4a9fc621 --- /dev/null +++ b/feateng/evals/eval_output_with_length_category_contextualmatch_previousguess.txt @@ -0,0 +1,870 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Category', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.31 +=================== + + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + Length_char: -0.3333 + Length_word: -0.2267 + Length_guess: 2.8904 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1131 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.4329 + Length_char: -0.3178 + Length_word: -0.3467 + Length_guess: 1.6094 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2858 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.0445 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0671 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 1.6094 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.5649 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.7081 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1016 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Length_char: -0.7778 + Length_word: -0.8000 + Length_guess: 2.7726 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1108 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3491 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Subjunctive mood + answer: None + id: 93153 + Gpr_confidence: -0.5580 + Length_char: -0.5467 + Length_word: -0.5867 + Length_guess: 2.8332 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1062 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- +================= +aggressive 0.21 +=================== + + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.8904 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1998 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.7081 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Length_char: 0.3556 + Length_word: 0.2400 + Length_guess: 3.4012 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0106 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2911 + Length_char: -0.3222 + Length_word: -0.2533 + Length_guess: 2.7081 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.3877 + Length_char: -0.3333 + Length_word: -0.3200 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2248 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0651 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- +================= +best 0.40 +=================== + + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Length_char: 0.1156 + Length_word: 0.0800 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0128 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0681 + Length_char: -0.0756 + Length_word: -0.1333 + Length_guess: 2.9444 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Length_char: 0.7578 + Length_word: 0.6533 + Length_guess: 2.8332 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0681 + Length_char: 0.7222 + Length_word: 0.8267 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Length_char: 0.5689 + Length_word: 0.5467 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0099 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran +-------------------- +================= +timid 0.07 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1749 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- +================= + Category_category=Fine Arts: -0.3816 + Category_category=Geography: -0.8593 + Category_category=History: 0.1299 + Category_category=Literature: 0.8074 + Category_category=Philosophy: -0.0816 + Category_category=Religion: 0.7805 + Category_category=Science: -1.0054 + Category_category=Social Science: 0.6947 + Category_category=Trash: -0.0847 +Category_subcategory=Fine Arts Audiovisual: -0.4256 + Category_subcategory=Fine Arts Auditory: 0.8740 + Category_subcategory=Fine Arts Other: -0.2709 + Category_subcategory=Fine Arts Visual: 0.8825 + Category_subcategory=History American: 0.2426 + Category_subcategory=History European: 0.7102 + Category_subcategory=History World: 0.5527 +Category_subcategory=Literature American: -0.8738 +Category_subcategory=Literature Classical: -0.6905 +Category_subcategory=Literature European: -0.3395 + Category_subcategory=Literature Other: -0.0982 + Category_subcategory=Literature World: 0.1995 + Category_subcategory=Science Biology: 1.3198 + Category_subcategory=Science Chemistry: -0.3066 +Category_subcategory=Science Computer Science: 0.5968 + Category_subcategory=Science Math: -0.5926 + Category_subcategory=Science Other: -0.2334 + Category_subcategory=Science Physics: -1.5470 + Category_tournament=ACF Winter: -0.0001 + Category_year: -0.0004 + ContextualMatch_ContextualMatch: 1.4414 + Gpr_confidence: 3.1514 + Length_char: 0.9908 + Length_guess: 0.9780 + Length_word: 0.8082 + PreviousGuess_count: 0.0000 +Questions Right: 81 (out of 201) Accuracy: 0.72 Buzz ratio: 0.30 Buzz position: -0.095372 diff --git a/feateng/evals/eval_output_with_length_category_previousguess.txt b/feateng/evals/eval_output_with_length_category_previousguess.txt new file mode 100644 index 000000000..b3e01733e --- /dev/null +++ b/feateng/evals/eval_output_with_length_category_previousguess.txt @@ -0,0 +1,821 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Category', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.33 +=================== + + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 1.9459 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Math + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Isthmus of Suez + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.4350 + Length_char: -0.7778 + Length_word: -0.8000 + Length_guess: 2.7726 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Length_char: -0.7689 + Length_word: -0.7200 + Length_guess: 2.0794 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.5649 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + Length_char: -0.5467 + Length_word: -0.5733 + Length_guess: 2.8332 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 1.6094 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.6391 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- +================= +aggressive 0.19 +=================== + + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + Length_char: 0.1222 + Length_word: 0.2400 + Length_guess: 2.6391 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Length_char: 0.7200 + Length_word: 0.6800 + Length_guess: 2.6391 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 2.7726 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.5825 + Length_char: 0.6022 + Length_word: 0.5867 + Length_guess: 1.6094 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 3.3673 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- +================= +best 0.40 +=================== + + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0088 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.8904 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 + Length_char: 0.6356 + Length_word: 0.5867 + Length_guess: 2.5649 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.1448 + Length_char: 0.7556 + Length_word: 0.8267 + Length_guess: 2.4849 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0437 + Length_char: 0.1111 + Length_word: 0.0667 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Length_char: 0.7578 + Length_word: 0.6533 + Length_guess: 2.8332 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Length_char: 0.1178 + Length_word: 0.1733 + Length_guess: 3.0445 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Length_char: -0.5356 + Length_word: -0.4400 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: 0.3422 + Length_word: 0.4667 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0687 + Length_char: -0.1089 + Length_word: -0.1200 + Length_guess: 2.3979 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled +-------------------- +================= +timid 0.07 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Length_char: -0.3333 + Length_word: -0.4000 + Length_guess: 2.7726 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- +================= + Category_category=Fine Arts: -0.3818 + Category_category=Geography: -0.8374 + Category_category=History: 0.1163 + Category_category=Literature: 0.8405 + Category_category=Philosophy: -0.0825 + Category_category=Religion: 0.7844 + Category_category=Science: -1.0644 + Category_category=Social Science: 0.7034 + Category_category=Trash: -0.0788 +Category_subcategory=Fine Arts Audiovisual: -0.3869 + Category_subcategory=Fine Arts Auditory: 0.8465 + Category_subcategory=Fine Arts Other: -0.2676 + Category_subcategory=Fine Arts Visual: 0.8714 + Category_subcategory=History American: 0.2585 + Category_subcategory=History European: 0.7232 + Category_subcategory=History World: 0.5877 +Category_subcategory=Literature American: -0.8883 +Category_subcategory=Literature Classical: -0.7454 +Category_subcategory=Literature European: -0.3633 + Category_subcategory=Literature Other: -0.1201 + Category_subcategory=Literature World: 0.2074 + Category_subcategory=Science Biology: 1.2739 + Category_subcategory=Science Chemistry: -0.3093 +Category_subcategory=Science Computer Science: 0.5996 + Category_subcategory=Science Math: -0.5533 + Category_subcategory=Science Other: -0.1922 + Category_subcategory=Science Physics: -1.5421 + Category_tournament=ACF Winter: -0.0002 + Category_year: -0.0007 + Gpr_confidence: 3.1536 + Length_char: 0.9991 + Length_guess: 1.0162 + Length_word: 0.8198 + PreviousGuess_count: 0.0000 +Questions Right: 81 (out of 201) Accuracy: 0.74 Buzz ratio: 0.31 Buzz position: -0.085195 diff --git a/feateng/evals/eval_output_with_length_contextualmatch.txt b/feateng/evals/eval_output_with_length_contextualmatch.txt new file mode 100644 index 000000000..8600f0b53 --- /dev/null +++ b/feateng/evals/eval_output_with_length_contextualmatch.txt @@ -0,0 +1,662 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Stephen L. Buchwald + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3770 + Length_char: -0.7778 + Length_word: -0.7867 + Length_guess: 2.9957 +ContextualMatch_ContextualMatch: 0.0212 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2193 + Length_char: -0.3311 + Length_word: -0.2267 + Length_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1510 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.8728 + Length_char: -0.5444 + Length_word: -0.5467 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1746 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.2877 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.6737 + Length_char: 0.1111 + Length_word: 0.1467 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.3556 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.3803 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.9142 + Length_char: -0.1089 + Length_word: 0.0267 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1080 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Ammonia + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.4994 + Length_char: -0.7711 + Length_word: -0.7600 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2027 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- +================= +best 0.42 +=================== + + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 + Length_char: 0.7622 + Length_word: 0.7333 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.2091 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0063 + Length_char: 0.3422 + Length_word: 0.3067 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0178 + Length_char: 0.7333 + Length_word: 0.7333 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus Deus, established this as dogma in 1950 under Pope + Pius XII. A feast on August 15 honors this event, which in Eastern + Orthodox tradition was preceded by a sleep called the Dormition. Like + Jesus's resurrection, it left behind an empty tomb. For 10 points, + name this unique event at the end of the Virgin Mary's life, in which + she arose "body and soul" into Heaven. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0240 + Length_char: -0.5422 + Length_word: -0.5600 + Length_guess: 3.1781 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0070 + Length_char: 0.3356 + Length_word: 0.2800 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.2022 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0681 + Length_char: 0.7222 + Length_word: 0.8267 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Length_char: -0.3333 + Length_word: -0.4000 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- +================= +aggressive 0.18 +=================== + + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 +ContextualMatch_ContextualMatch: 0.1531 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1746 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + Length_char: -0.1067 + Length_word: -0.1733 + Length_guess: 3.0910 +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1947 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Length_char: 0.3556 + Length_word: 0.2400 + Length_guess: 3.4012 +ContextualMatch_ContextualMatch: 0.0106 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- +================= +timid 0.05 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.2022 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- +================= + ContextualMatch_ContextualMatch: 1.5875 + Gpr_confidence: 3.8350 + Length_char: 0.7753 + Length_guess: 0.9120 + Length_word: 0.6983 +Questions Right: 84 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.082070 diff --git a/feateng/evals/eval_output_with_length_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_length_contextualmatch_previousguess.txt new file mode 100644 index 000000000..de78d7556 --- /dev/null +++ b/feateng/evals/eval_output_with_length_contextualmatch_previousguess.txt @@ -0,0 +1,724 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Zero + answer: None + id: 93153 + Gpr_confidence: -0.5825 + Length_char: 0.6022 + Length_word: 0.5867 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.2612 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify this number + word which the Mayans wrote as a shell glyph before medieval Europeans + started using it in calculations. +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.2877 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.9142 + Length_char: -0.1089 + Length_word: 0.0267 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1080 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. +-------------------- + guess: Perfect Number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6473 + Length_char: 0.3467 + Length_word: 0.5333 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1080 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.7081 +ContextualMatch_ContextualMatch: 0.1571 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Length_char: -0.5556 + Length_word: -0.6133 + Length_guess: 2.8332 +ContextualMatch_ContextualMatch: 0.2068 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: None + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -1.1686 + Length_char: -0.5533 + Length_word: -0.6000 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.3556 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that +-------------------- + guess: Holden Caulfield + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.2928 + Length_char: -0.3244 + Length_word: -0.3600 + Length_guess: 2.8332 +ContextualMatch_ContextualMatch: 0.0634 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays +-------------------- + guess: Ammonia + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.4994 + Length_char: -0.7711 + Length_word: -0.7600 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2027 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- +================= +best 0.42 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0012 + Length_char: 0.3333 + Length_word: 0.2800 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across this body + of water, allowing Axum access to frankincense and myrrh traders who + plied this sea. Ships sailed down from this sea toward the land of + Punt during Queen Hatshepsut's reign. For 10 points, +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.1134 + Length_char: -0.3333 + Length_word: -0.4000 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.1469 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + Length_char: 0.7578 + Length_word: 1.0133 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0010 + Length_char: 0.7489 + Length_word: 0.8533 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this historical novel following William of Baskerville and Adso + of Melk, by Umberto Eco. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: -0.1111 + Length_word: 0.0133 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 + Length_char: 0.7622 + Length_word: 0.7333 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.2091 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0088 + Length_char: 0.3467 + Length_word: 0.3867 + Length_guess: 2.8904 +ContextualMatch_ContextualMatch: 0.1868 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British +-------------------- +================= +aggressive 0.18 +=================== + + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 +ContextualMatch_ContextualMatch: 0.1531 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 + Length_char: 0.3400 + Length_word: 0.4800 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.2497 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 3.3673 +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Length_char: -0.1022 + Length_word: -0.0133 + Length_guess: 2.9957 +ContextualMatch_ContextualMatch: 0.0992 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Length_char: 0.7200 + Length_word: 0.6800 + Length_guess: 2.6391 +ContextualMatch_ContextualMatch: 0.2129 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Sumo + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2653 + Length_char: 0.7778 + Length_word: 0.9200 + Length_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.2705 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.1746 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 3.5264 +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Nitrogen gas + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2797 + Length_char: 0.5667 + Length_word: 0.5733 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1183 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- +================= +timid 0.05 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 +ContextualMatch_ContextualMatch: 0.0803 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 +ContextualMatch_ContextualMatch: 0.1705 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- +================= + ContextualMatch_ContextualMatch: 1.5875 + Gpr_confidence: 3.8350 + Length_char: 0.7753 + Length_guess: 0.9120 + Length_word: 0.6983 + PreviousGuess_count: 0.0000 +Questions Right: 84 (out of 201) Accuracy: 0.77 Buzz ratio: 0.33 Buzz position: -0.082070 diff --git a/feateng/evals/eval_output_with_length_frequency.txt b/feateng/evals/eval_output_with_length_frequency.txt new file mode 100644 index 000000000..f33c3bae5 --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency.txt @@ -0,0 +1,663 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.36 +=================== + + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 3.2189 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Margaret Fuller + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.8585 + Length_char: -0.7711 + Length_word: -0.8000 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson +-------------------- + guess: None + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4729 + Length_char: -0.3222 + Length_word: -0.2933 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Length_char: -0.5489 + Length_word: -0.5333 + Length_guess: 1.9459 + Frequency_guess: 1.6094 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Symphony No. 1 (Hanson) + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.3746 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 1.9459 + Frequency_guess: 0.0000 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2676 + Length_char: 0.5600 + Length_word: 0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.6931 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: Saga + answer: Frigg + id: 93171 + Gpr_confidence: -0.7229 + Length_char: 0.5578 + Length_word: 0.6800 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. +-------------------- +================= +best 0.36 +=================== + + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0025 + Length_char: 0.1156 + Length_word: 0.2133 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0013 + Length_char: 0.5622 + Length_word: 0.7600 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Length_char: -0.5356 + Length_word: -0.4400 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0040 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0031 + Length_char: 0.5556 + Length_word: 0.4933 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 + Length_char: 0.6356 + Length_word: 0.5867 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Length_char: 0.3533 + Length_word: 0.5200 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- +================= +timid 0.11 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0128 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- +================= +aggressive 0.16 +=================== + + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Medea (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4904 + Length_char: 0.5578 + Length_word: 0.5200 + Length_guess: 2.6391 + Frequency_guess: 1.3863 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, +-------------------- + guess: Nitrogen gas + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2797 + Length_char: 0.5667 + Length_word: 0.5733 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.8904 + Frequency_guess: 0.0000 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Claisen-Ireland rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1389 + Length_char: 0.3556 + Length_word: 0.2400 + Length_guess: 3.4012 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + Frequency_guess: 2.1972 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0327 + Length_char: -0.5556 + Length_word: -0.5600 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + Length_char: 0.7822 + Length_word: 0.9333 + Length_guess: 2.1972 + Frequency_guess: 0.0000 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- +================= + Frequency_guess: 0.7076 + Gpr_confidence: 3.1661 + Length_char: 0.7949 + Length_guess: 1.9076 + Length_word: 0.7676 +Questions Right: 73 (out of 201) Accuracy: 0.73 Buzz ratio: 0.28 Buzz position: -0.115713 diff --git a/feateng/evals/eval_output_with_length_frequency_category.txt b/feateng/evals/eval_output_with_length_frequency_category.txt new file mode 100644 index 000000000..85fa8abc7 --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_category.txt @@ -0,0 +1,879 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Mildred Pierce + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3172 + Length_char: -0.5489 + Length_word: -0.5867 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.4329 + Length_char: -0.3178 + Length_word: -0.3467 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Dakini + answer: Vultures + id: 93141 + Gpr_confidence: -0.0951 + Length_char: -0.7689 + Length_word: -0.8000 + Length_guess: 1.9459 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: George Orwell + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.4398 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 2.6391 + Frequency_guess: 2.0794 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 3.3673 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- +================= +timid 0.13 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Length_char: 0.7378 + Length_word: 0.7333 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0422 + Length_char: 0.5600 + Length_word: 0.3733 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0437 + Length_char: 0.1111 + Length_word: 0.0667 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- +================= +best 0.34 +=================== + + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0205 + Length_char: 0.3333 + Length_word: 0.2933 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Length_char: 0.5711 + Length_word: 0.6933 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 + Length_char: 0.7622 + Length_word: 0.7333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 + Length_char: 0.7622 + Length_word: 0.8400 + Length_guess: 2.8904 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0045 + Length_char: 0.5622 + Length_word: 0.4800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Length_char: 0.1178 + Length_word: 0.1733 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0010 + Length_char: 0.7489 + Length_word: 0.8533 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this historical novel following William of Baskerville and Adso + of Melk, by Umberto Eco. +-------------------- +================= +aggressive 0.13 +=================== + + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + Frequency_guess: 1.6094 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.4989 + Length_char: 0.1178 + Length_word: 0.2533 + Length_guess: 2.7081 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.1129 + Length_char: 0.5711 + Length_word: 0.5467 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + Frequency_guess: 1.0986 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Length_char: -0.3311 + Length_word: -0.3733 + Length_guess: 2.6391 + Frequency_guess: 1.3863 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- +================= + Category_category=Fine Arts: -0.3861 + Category_category=Geography: -0.3935 + Category_category=History: 0.2020 + Category_category=Literature: 0.3942 + Category_category=Philosophy: -0.1250 + Category_category=Religion: 0.9703 + Category_category=Science: -1.3524 + Category_category=Social Science: 0.4695 + Category_category=Trash: 0.2209 +Category_subcategory=Fine Arts Audiovisual: -0.3816 + Category_subcategory=Fine Arts Auditory: 0.7705 + Category_subcategory=Fine Arts Other: -0.3160 + Category_subcategory=Fine Arts Visual: 0.6589 + Category_subcategory=History American: 0.3305 + Category_subcategory=History European: 0.6768 + Category_subcategory=History World: 1.0113 +Category_subcategory=Literature American: -0.9069 +Category_subcategory=Literature Classical: -1.2557 +Category_subcategory=Literature European: -0.5959 + Category_subcategory=Literature Other: 0.1489 + Category_subcategory=Literature World: -0.0674 + Category_subcategory=Science Biology: 0.8460 + Category_subcategory=Science Chemistry: -0.2609 +Category_subcategory=Science Computer Science: 0.7530 + Category_subcategory=Science Math: -0.0990 + Category_subcategory=Science Other: -0.0159 + Category_subcategory=Science Physics: -1.2969 + Category_tournament=ACF Winter: -0.0002 + Category_year: -0.0006 + Frequency_guess: 0.9345 + Gpr_confidence: 2.5022 + Length_char: 1.0259 + Length_guess: 2.2179 + Length_word: 0.8025 +Questions Right: 69 (out of 201) Accuracy: 0.74 Buzz ratio: 0.28 Buzz position: -0.107536 diff --git a/feateng/evals/eval_output_with_length_frequency_category_contextualmatch.txt b/feateng/evals/eval_output_with_length_frequency_category_contextualmatch.txt new file mode 100644 index 000000000..004d4b132 --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_category_contextualmatch.txt @@ -0,0 +1,915 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: Mildred Pierce + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3172 + Length_char: -0.5489 + Length_word: -0.5867 + Length_guess: 2.7081 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1165 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1996 + Length_char: 0.3400 + Length_word: 0.4800 + Length_guess: 2.0794 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2497 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.7734 + Length_char: -0.3311 + Length_word: -0.2667 + Length_guess: 1.9459 + Frequency_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1530 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2053 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.4329 + Length_char: -0.3178 + Length_word: -0.3467 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2858 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.3877 + Length_char: -0.3333 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -1.0204 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1947 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.3556 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- +================= +timid 0.13 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Nitrogen + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0013 + Length_char: 0.7378 + Length_word: 0.7333 + Length_guess: 2.1972 + Frequency_guess: 1.3863 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1891 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating + diazonium salts or azides. This gas is often used as an alternative to + argon for the creation of inert atmospheres. For 10 points, name this + most common gas in Earth's atmosphere. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0100 + Length_char: 0.7333 + Length_word: 0.8800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0266 + Length_char: 0.1111 + Length_word: 0.0933 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + Length_char: 0.7644 + Length_word: 0.5867 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2214 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1469 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- +================= +best 0.34 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0010 + Length_char: 0.5711 + Length_word: 0.6933 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0554 + Length_char: 0.5600 + Length_word: 0.6800 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0114 + Length_char: 0.1133 + Length_word: 0.0533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0045 + Length_char: 0.5622 + Length_word: 0.4800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1979 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: -0.1111 + Length_word: 0.0133 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0238 + Length_char: 0.1178 + Length_word: 0.1733 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0086 + Length_char: 0.5578 + Length_word: 0.5733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0099 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Length_char: 0.3533 + Length_word: 0.5200 + Length_guess: 2.5649 + Frequency_guess: 1.9459 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1950 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- +================= +aggressive 0.13 +=================== + + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1746 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.3770 + Length_char: 0.3400 + Length_word: 0.3067 + Length_guess: 1.9459 + Frequency_guess: 1.0986 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2526 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Length_char: -0.3311 + Length_word: -0.3733 + Length_guess: 2.6391 + Frequency_guess: 1.3863 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1021 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + Frequency_guess: 1.0986 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1613 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Length_char: 0.7200 + Length_word: 0.6800 + Length_guess: 2.6391 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.7081 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + Frequency_guess: 2.1972 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: 0.1531 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- +================= + Category_category=Fine Arts: -0.3726 + Category_category=Geography: -0.4057 + Category_category=History: 0.2243 + Category_category=Literature: 0.3316 + Category_category=Philosophy: -0.1196 + Category_category=Religion: 0.9698 + Category_category=Science: -1.2895 + Category_category=Social Science: 0.4437 + Category_category=Trash: 0.2177 +Category_subcategory=Fine Arts Audiovisual: -0.4436 + Category_subcategory=Fine Arts Auditory: 0.8024 + Category_subcategory=Fine Arts Other: -0.3157 + Category_subcategory=Fine Arts Visual: 0.6666 + Category_subcategory=History American: 0.3089 + Category_subcategory=History European: 0.6526 + Category_subcategory=History World: 0.9811 +Category_subcategory=Literature American: -0.8761 +Category_subcategory=Literature Classical: -1.2076 +Category_subcategory=Literature European: -0.5773 + Category_subcategory=Literature Other: 0.1822 + Category_subcategory=Literature World: -0.0889 + Category_subcategory=Science Biology: 0.8918 + Category_subcategory=Science Chemistry: -0.2586 +Category_subcategory=Science Computer Science: 0.7531 + Category_subcategory=Science Math: -0.1195 + Category_subcategory=Science Other: -0.0619 + Category_subcategory=Science Physics: -1.2899 + Category_tournament=ACF Winter: -0.0003 + Category_year: -0.0009 + ContextualMatch_ContextualMatch: 1.8413 + Frequency_guess: 0.9664 + Gpr_confidence: 2.4803 + Length_char: 1.0134 + Length_guess: 2.2037 + Length_word: 0.7848 +Questions Right: 69 (out of 201) Accuracy: 0.74 Buzz ratio: 0.28 Buzz position: -0.108406 diff --git a/feateng/evals/eval_output_with_length_frequency_category_previousguess.txt b/feateng/evals/eval_output_with_length_frequency_category_previousguess.txt new file mode 100644 index 000000000..0c174d9ba --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_category_previousguess.txt @@ -0,0 +1,899 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'Category', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.39 +=================== + + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Length_char: -0.1022 + Length_word: -0.0133 + Length_guess: 2.9957 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 1.7918 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Ammonia + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.4994 + Length_char: -0.7711 + Length_word: -0.7600 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: Stephen L. Buchwald + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3770 + Length_char: -0.7778 + Length_word: -0.7867 + Length_guess: 2.9957 + Frequency_guess: 0.0000 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2676 + Length_char: 0.5600 + Length_word: 0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: Holden Caulfield + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.2928 + Length_char: -0.3244 + Length_word: -0.3600 + Length_guess: 2.8332 + Frequency_guess: 1.6094 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Length_char: -0.7689 + Length_word: -0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 2.7726 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- +================= +timid 0.13 +=================== + + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + Length_char: 0.5667 + Length_word: 0.6533 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0128 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0556 + Length_char: 0.3556 + Length_word: 0.1600 + Length_guess: 2.6391 + Frequency_guess: 0.6931 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + Category_category: Geography + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0100 + Length_char: 0.7333 + Length_word: 0.8800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + Category_category: Mythology + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to weep + for her dead son because this goddess failed to get an oath from + mistletoe to remain harmless. For 10 points, name this Norse goddess, + the mother of Baldur and wife of Odin. +-------------------- +================= +best 0.34 +=================== + + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0032 + Length_char: 0.3378 + Length_word: 0.4533 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages +-------------------- + guess: Conservative Party + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0121 + Length_char: 0.7622 + Length_word: 0.7333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. For 10 points, name this British political party of Robert + Peel and Benjamin Disraeli. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Length_char: 0.5689 + Length_word: 0.5467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Philosophy + Category_year: 3.5553 +Category_subcategory: Science Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 + Length_char: 0.6356 + Length_word: 0.5867 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + Category_category: Fine Arts + Category_year: 3.5553 +Category_subcategory: Fine Arts Auditory + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0681 + Length_char: -0.0756 + Length_word: -0.1333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which is traditionally held to have left + lilies behind. The latest ex cathedra infallible declaration, + Munificentissimus +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0086 + Length_char: 0.7756 + Length_word: 0.8400 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature Classical + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0014 + Length_char: 0.3444 + Length_word: 0.2800 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- +================= +aggressive 0.13 +=================== + + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature World + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + Category_category: Literature + Category_year: 3.5553 +Category_subcategory: Literature American + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Henri II de Montmorency + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0627 + Length_char: -0.7689 + Length_word: -0.7600 + Length_guess: 3.1781 + Frequency_guess: 0.0000 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History European + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.0213 + Length_char: 0.3378 + Length_word: 0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + Category_category: Science + Category_year: 3.5553 +Category_subcategory: Science Chemistry + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. In plants, it binds to a + molybdenum-containing enzyme. This gas can be produced by just heating +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + Frequency_guess: 1.6094 + Category_category: History + Category_year: 3.5553 +Category_subcategory: History British + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + Frequency_guess: 1.0986 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Context-free grammar + answer: None + id: 93153 + Gpr_confidence: -0.1993 + Length_char: -0.1067 + Length_word: -0.1333 + Length_guess: 3.0445 + Frequency_guess: 0.0000 + Category_category: Social Science + Category_year: 3.5553 +Category_subcategory: Science Computer Science + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + Category_category: Religion + Category_year: 3.5553 +Category_subcategory: Literature Other + Category_tournament: ACF Regionals + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- +================= + Category_category=Fine Arts: -0.3861 + Category_category=Geography: -0.3935 + Category_category=History: 0.2020 + Category_category=Literature: 0.3942 + Category_category=Philosophy: -0.1250 + Category_category=Religion: 0.9703 + Category_category=Science: -1.3524 + Category_category=Social Science: 0.4695 + Category_category=Trash: 0.2209 +Category_subcategory=Fine Arts Audiovisual: -0.3816 + Category_subcategory=Fine Arts Auditory: 0.7705 + Category_subcategory=Fine Arts Other: -0.3160 + Category_subcategory=Fine Arts Visual: 0.6589 + Category_subcategory=History American: 0.3305 + Category_subcategory=History European: 0.6768 + Category_subcategory=History World: 1.0113 +Category_subcategory=Literature American: -0.9069 +Category_subcategory=Literature Classical: -1.2557 +Category_subcategory=Literature European: -0.5959 + Category_subcategory=Literature Other: 0.1489 + Category_subcategory=Literature World: -0.0674 + Category_subcategory=Science Biology: 0.8460 + Category_subcategory=Science Chemistry: -0.2609 +Category_subcategory=Science Computer Science: 0.7530 + Category_subcategory=Science Math: -0.0990 + Category_subcategory=Science Other: -0.0159 + Category_subcategory=Science Physics: -1.2969 + Category_tournament=ACF Winter: -0.0002 + Category_year: -0.0006 + Frequency_guess: 0.9345 + Gpr_confidence: 2.5022 + Length_char: 1.0259 + Length_guess: 2.2179 + Length_word: 0.8025 + PreviousGuess_count: 0.0000 +Questions Right: 69 (out of 201) Accuracy: 0.74 Buzz ratio: 0.28 Buzz position: -0.107536 diff --git a/feateng/evals/eval_output_with_length_frequency_contextualmatch.txt b/feateng/evals/eval_output_with_length_frequency_contextualmatch.txt new file mode 100644 index 000000000..2d55659df --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_contextualmatch.txt @@ -0,0 +1,694 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'ContextualMatch'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.36 +=================== + + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1929 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2068 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: Operation Panzerfaust + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.4324 + Length_char: -0.1111 + Length_word: -0.0933 + Length_guess: 3.0910 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1788 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI +-------------------- + guess: Hamlet + answer: Mark_Antony + id: 93136 + Gpr_confidence: -1.3516 + Length_char: -0.5489 + Length_word: -0.5333 + Length_guess: 1.9459 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.1530 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should +-------------------- + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.7081 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0985 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Jerome + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -1.0232 + Length_char: -0.7733 + Length_word: -0.7733 + Length_guess: 1.9459 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.3288 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and +-------------------- + guess: Mildred Pierce + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3172 + Length_char: -0.5489 + Length_word: -0.5867 + Length_guess: 2.7081 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1165 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.1225 + Length_char: -0.7667 + Length_word: -0.7867 + Length_guess: 2.6391 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Length_char: -0.0956 + Length_word: -0.1200 + Length_guess: 3.1355 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: -0.0045 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 3.2189 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1486 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- +================= +best 0.36 +=================== + + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + Length_char: 0.5556 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.0803 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + Length_char: 0.5689 + Length_word: 0.5467 + Length_guess: 3.1781 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1358 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: 0.3422 + Length_word: 0.4667 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0681 + Length_char: 0.7222 + Length_word: 0.8267 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0023 + Length_char: 0.7578 + Length_word: 0.6533 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded into the + "Dirty War" in Jorge Videla's Argentina. For 10 points, name this + covert operation in which dictators ring-led by Agusto Pinochet + suppressed and killed South American leftists. +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 + Length_char: 0.7622 + Length_word: 0.8400 + Length_guess: 2.8904 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.1868 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1442 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0086 + Length_char: 0.7756 + Length_word: 0.8400 + Length_guess: 2.4849 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + Length_char: 0.3400 + Length_word: 0.4267 + Length_guess: 2.4849 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.2272 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0222 + Length_char: -0.3200 + Length_word: -0.3200 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton +-------------------- +================= +timid 0.11 +=================== + + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0687 + Length_char: -0.1089 + Length_word: -0.1200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2022 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.0493 + Length_char: -0.3311 + Length_word: -0.3333 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due + to his three sermons on it. The 4th Glorious Mystery of the Rosary + contemplates this event, which +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1749 + Length_char: 0.1178 + Length_word: 0.2667 + Length_guess: 2.3026 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2884 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + Length_char: -0.5511 + Length_word: -0.5733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1705 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0028 + Length_char: -0.5533 + Length_word: -0.5733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- +================= +aggressive 0.16 +=================== + + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0828 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + Length_char: 0.7200 + Length_word: 0.6800 + Length_guess: 2.6391 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2129 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1746 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2911 + Length_char: -0.3222 + Length_word: -0.2533 + Length_guess: 2.7081 + Frequency_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1571 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + Length_char: 0.7778 + Length_word: 0.6800 + Length_guess: 3.5264 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: -0.0358 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Length_char: -0.1022 + Length_word: -0.0133 + Length_guess: 2.9957 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0992 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Jean Sibelius + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.1565 + Length_char: -0.3311 + Length_word: -0.3733 + Length_guess: 2.6391 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: 0.1021 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features +-------------------- + guess: Terrorist Attacks + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3322 + Length_char: 0.5600 + Length_word: 0.6133 + Length_guess: 2.8904 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1998 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.1761 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- +================= + ContextualMatch_ContextualMatch: 2.1125 + Frequency_guess: 0.7480 + Gpr_confidence: 3.1340 + Length_char: 0.7928 + Length_guess: 1.8926 + Length_word: 0.7297 +Questions Right: 72 (out of 201) Accuracy: 0.72 Buzz ratio: 0.28 Buzz position: -0.111534 diff --git a/feateng/evals/eval_output_with_length_frequency_contextualmatch_previousguess.txt b/feateng/evals/eval_output_with_length_frequency_contextualmatch_previousguess.txt new file mode 100644 index 000000000..6bebf7dea --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_contextualmatch_previousguess.txt @@ -0,0 +1,710 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'ContextualMatch', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.36 +=================== + + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + Length_char: -0.5556 + Length_word: -0.4933 + Length_guess: 2.7081 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0985 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4295 + Length_char: -0.5556 + Length_word: -0.6133 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2068 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + Length_char: -0.5422 + Length_word: -0.5200 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1232 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 1.7918 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2493 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1929 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Master Harold...and the Boys + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.1954 + Length_char: -0.7733 + Length_word: -0.7467 + Length_guess: 3.3673 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0570 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2068 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1947 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Mjölnir + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2676 + Length_char: 0.5600 + Length_word: 0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2497 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3465 + Length_char: -0.1044 + Length_word: -0.0133 + Length_guess: 2.5649 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose +-------------------- +================= +best 0.36 +=================== + + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0029 + Length_char: 0.7867 + Length_word: 0.9600 + Length_guess: 2.5649 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1950 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's father is coming + home from the hospital, which prompts him to be cruel to Sam and + Willie, his black servants. For 10 points, name this South African + playwright of "Master Harold"...and the Boys. +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0130 + Length_char: 0.5889 + Length_word: 0.5333 + Length_guess: 2.5649 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: 0.3422 + Length_word: 0.4667 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0010 + Length_char: -0.0978 + Length_word: -0.1467 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0092 + Length_char: -0.5556 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0040 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.0995 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1979 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + Length_char: 0.7911 + Length_word: 0.9333 + Length_guess: 2.3026 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2884 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.0681 + Length_char: 0.7222 + Length_word: 0.8267 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of + Montrésor and Soissons plotted with this king's brother Gaston in a + plot to overthrow him. Jean Guiton was mayor of a city that resisted + this man's rule, holding out for 14 months until the signing of the + Peace of Alais. Concino Concini advised the mother of this king, who + acted as his regent until Charles de Luynes helped bring this king to + power. This son of Marie de' Medici and husband of Anne of Austria was + advised by a man who besieged the Huguenot city of La Rochelle. For 10 + points, name this French king who succeeded Henry IV and employed + Cardinal Richelieu. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0426 + Length_char: -0.5356 + Length_word: -0.4400 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born +-------------------- +================= +timid 0.11 +=================== + + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0942 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0028 + Length_char: -0.5533 + Length_word: -0.5733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2022 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Frequency_guess: 1.0986 +ContextualMatch_ContextualMatch: 0.1657 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1634 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0007 + Length_char: 0.1133 + Length_word: 0.1867 + Length_guess: 1.7918 + Frequency_guess: 0.6931 +ContextualMatch_ContextualMatch: 0.2815 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1273 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.1592 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- +================= +aggressive 0.16 +=================== + + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.5264 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0956 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Vulture + answer: Vultures + id: 93141 + Gpr_confidence: -0.0768 + Length_char: 0.7089 + Length_word: 0.6667 + Length_guess: 2.0794 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2526 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother Jatayu is one of these creatures, whose + recent chemical-caused extinction around Mumbai has threatened the use + of dakhmas there by Parsis. For 10 points, name these birds which come + to Tibetan "sky-burials" and Zoroastrian Towers of Silence to eat + decomposing corpses. +-------------------- + guess: George Bernard Shaw + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.3052 + Length_char: -0.0889 + Length_word: 0.0000 + Length_guess: 2.9957 + Frequency_guess: 2.1972 +ContextualMatch_ContextualMatch: 0.1531 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0455 + Length_char: -0.3178 + Length_word: -0.3200 + Length_guess: 3.3673 + Frequency_guess: 1.3863 +ContextualMatch_ContextualMatch: -0.0358 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Length_char: -0.1022 + Length_word: -0.0133 + Length_guess: 2.9957 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0992 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.5649 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.2053 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.1761 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.1405 + Length_char: 0.5622 + Length_word: 0.4267 + Length_guess: 3.0910 + Frequency_guess: 0.0000 +ContextualMatch_ContextualMatch: 0.0828 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, +-------------------- + guess: Holden Caulfield + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.2928 + Length_char: -0.3244 + Length_word: -0.3600 + Length_guess: 2.8332 + Frequency_guess: 1.6094 +ContextualMatch_ContextualMatch: 0.0634 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.7081 + Frequency_guess: 1.9459 +ContextualMatch_ContextualMatch: 0.1016 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- +================= + ContextualMatch_ContextualMatch: 2.1125 + Frequency_guess: 0.7480 + Gpr_confidence: 3.1340 + Length_char: 0.7928 + Length_guess: 1.8926 + Length_word: 0.7297 + PreviousGuess_count: 0.0000 +Questions Right: 72 (out of 201) Accuracy: 0.72 Buzz ratio: 0.28 Buzz position: -0.111534 diff --git a/feateng/evals/eval_output_with_length_frequency_previousguess.txt b/feateng/evals/eval_output_with_length_frequency_previousguess.txt new file mode 100644 index 000000000..140a7495c --- /dev/null +++ b/feateng/evals/eval_output_with_length_frequency_previousguess.txt @@ -0,0 +1,689 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'Frequency', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.36 +=================== + + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.6693 + Length_char: 0.3422 + Length_word: 0.3333 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term also denotes an inferred word or part of speech + that isn't outwardly expressed. For 10 points, identify +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: William S. Johnson + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.3653 + Length_char: 0.1133 + Length_word: 0.0133 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated +-------------------- + guess: Ghost hunt + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.8542 + Length_char: -0.3311 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which +-------------------- + guess: Subjunctive mood + answer: None + id: 93153 + Gpr_confidence: -0.5580 + Length_char: -0.5467 + Length_word: -0.5867 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like +-------------------- + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.1657 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 2.5649 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant +-------------------- + guess: Cyclops + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.6714 + Length_char: -0.7689 + Length_word: -0.7200 + Length_guess: 2.0794 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner +-------------------- + guess: Mildred Pierce (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4198 + Length_char: -0.0956 + Length_word: -0.1200 + Length_guess: 3.1355 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars +-------------------- + guess: Allied Invasion of Italy + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.8630 + Length_char: -0.5289 + Length_word: -0.5200 + Length_guess: 3.2189 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated +-------------------- + guess: Claisen condensation + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.4437 + Length_char: -0.3267 + Length_word: -0.4000 + Length_guess: 3.0445 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated +-------------------- +================= +best 0.36 +=================== + + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0021 + Length_char: 0.5622 + Length_word: 0.6800 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the plot of the Cena Cypriani before discovering how + to open a mirror and enter the finis Africae. After a trial in this + novel, Remigio is burned alongside a village girl and the hunchback + Salvatore by the inquisitor Bernard Gui. At the end of this novel, the + blind Jorge of Burgos eats the poisoned pages of Aristotle's Second + Book of Poetics and burns down the monastery library. For 10 points, + name this +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: 0.3422 + Length_word: 0.4667 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0105 + Length_char: 0.1178 + Length_word: 0.0800 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0087 + Length_char: -0.1111 + Length_word: 0.0133 + Length_guess: 2.4849 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened +-------------------- + guess: The Name of the Rose + answer: The_Name_of_the_Rose + id: 93142 + Gpr_confidence: -0.0040 + Length_char: -0.3333 + Length_word: -0.2667 + Length_guess: 3.0445 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: The narrator of this novel becomes fascinated by the story of Margaret + and Dolcino after a lecture on love by Ubertino. To prove his skill, a + character in this novel discerns the location, appearance, and name of + the horse Brunellus without having ever seen it. A man in this work + has a vision of the +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0166 + Length_char: 0.3444 + Length_word: 0.2667 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0293 + Length_char: -0.1044 + Length_word: -0.1333 + Length_guess: 2.7726 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.0086 + Length_char: 0.7756 + Length_word: 0.8400 + Length_guess: 2.4849 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival of Brutus and lover of + Cleopatra delivers the Funeral Oration in Shakespeare's Julius Caesar? +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0014 + Length_char: 0.3444 + Length_word: 0.2800 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert E. White revealed that this plan made use + of a tele-communications channel built by the United States. In + Washington, DC, a far-flung part of its "Phase III" targeted Orlando + Letelier, a particular nuisance to the DINA agency led by School of + the Americas alum Manuel Contreras. This campaign expanded +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0012 + Length_char: -0.3267 + Length_word: -0.3733 + Length_guess: 2.8332 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" in a 2003 book. The murder of + Hugo Banzer set back this initiative, which began two years after the + Villa Grimaldi complex opened for use in interrogations. A disclosed + diplomatic cable from Robert +-------------------- +================= +timid 0.11 +=================== + + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0128 + Length_char: 0.3356 + Length_word: 0.4400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the + hall Fensalir, this goddess spins the clouds on a loom. Loki accused + this goddess of having affairs with Vili and Ve. After this goddess + sent Hermod on a mission to Hel, the giantess Thokk refused to +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0076 + Length_char: -0.3222 + Length_word: -0.3733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + Frequency_guess: 0.6931 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + Length_char: -0.1089 + Length_word: -0.1733 + Length_guess: 2.0794 + Frequency_guess: 1.0986 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0835 + Length_char: 0.3378 + Length_word: 0.4933 + Length_guess: 2.3026 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he +-------------------- +================= +aggressive 0.16 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0827 + Length_char: 0.8156 + Length_word: 0.7200 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man from + Greek myth. +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + Length_char: 0.1244 + Length_word: 0.1067 + Length_guess: 2.7081 + Frequency_guess: 1.9459 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Medea (novel) + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.4904 + Length_char: 0.5578 + Length_word: 0.5200 + Length_guess: 2.6391 + Frequency_guess: 1.3863 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, +-------------------- + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + Frequency_guess: 1.6094 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0871 + Length_char: -0.1089 + Length_word: -0.0533 + Length_guess: 2.9444 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this +-------------------- + guess: Cauldron of Rebirth + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1635 + Length_char: -0.1022 + Length_word: -0.0133 + Length_guess: 2.9957 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 3.5264 + Frequency_guess: 0.0000 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- +================= + Frequency_guess: 0.7076 + Gpr_confidence: 3.1661 + Length_char: 0.7949 + Length_guess: 1.9076 + Length_word: 0.7676 + PreviousGuess_count: 0.0000 +Questions Right: 73 (out of 201) Accuracy: 0.73 Buzz ratio: 0.28 Buzz position: -0.115713 diff --git a/feateng/evals/eval_output_with_length_previousguess.txt b/feateng/evals/eval_output_with_length_previousguess.txt new file mode 100644 index 000000000..b20499995 --- /dev/null +++ b/feateng/evals/eval_output_with_length_previousguess.txt @@ -0,0 +1,654 @@ +Setting up logging +Loading buzzer +Initializing features: ['Length', 'PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.35 +=================== + + guess: Benjamin Disraeli + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0450 + Length_char: -0.7667 + Length_word: -0.7467 + Length_guess: 2.8904 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.3877 + Length_char: -0.3333 + Length_word: -0.3200 + Length_guess: 2.3979 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I +-------------------- + guess: Ghost hunt + answer: Kidnappings + id: 93182 + Gpr_confidence: -1.8542 + Length_char: -0.3311 + Length_word: -0.3200 + Length_guess: 2.3979 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which +-------------------- + guess: Ablaut + answer: None + id: 93153 + Gpr_confidence: -0.4745 + Length_char: -0.7556 + Length_word: -0.8000 + Length_guess: 1.9459 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2084 + Length_char: -0.5511 + Length_word: -0.4667 + Length_guess: 2.7081 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which +-------------------- + guess: None + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.7278 + Length_char: 0.3489 + Length_word: 0.3067 + Length_guess: 1.6094 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, +-------------------- + guess: Spear + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.2267 + Length_char: -0.5533 + Length_word: -0.4533 + Length_guess: 1.7918 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar +-------------------- + guess: Zero-grade + answer: None + id: 93153 + Gpr_confidence: -0.7127 + Length_char: 0.1111 + Length_word: 0.1067 + Length_guess: 2.3979 + PreviousGuess_count: 0 + text: In Proto-Indo-European studies, this kind of ablaut contrasts with + both the "e-grade" and "o-grade" varieties. In English syntax, this + form of complementizer is inherent to the sentence "I think they like + me." This type of "derivation" is exemplified by using a noun such as + "pen" as a verb, as in "I penned it." In the Chomsky hierarchy, + unrestricted grammars are also called "Type-[this]". Arabic and Hebrew + use this type of copula in sentences lacking a word for "to be." In + linguistics, this term +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3639 + Length_char: -0.3111 + Length_word: -0.3200 + Length_guess: 2.7726 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert +-------------------- + guess: Timon of Athens + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.2913 + Length_char: -0.1089 + Length_word: -0.0133 + Length_guess: 2.7726 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last +-------------------- +================= +best 0.41 +=================== + + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0007 + Length_char: 0.7222 + Length_word: 0.8133 + Length_guess: 2.4849 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot in which Helen's daughter Hermione + loves Pyrrhus, and another plot also derived from Euripides in which + Aricie is treated like a daughter after Hippolytus is accused of + raping his stepmother. For 10 points, name this 17th-century French + playwright of Andromache and Phèdre. +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0002 + Length_char: 0.7622 + Length_word: 0.8400 + Length_guess: 2.8904 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author of Wizard of the Crow, who set Petals of Blood and A + Grain of Wheat in his native Kenya. +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0245 + Length_char: 0.7289 + Length_word: 0.7733 + Length_guess: 2.7726 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she can into the Gulf of Mexico at the end of Kate Chopin's novel + The Awakening. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.0025 + Length_char: 0.1111 + Length_word: 0.2533 + Length_guess: 2.4849 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings by the title queen so that he may + survive to become king of the Jews. This author included the nobly- + born servants Cleone and Cephisa in another play. This author of + Athalie used a meter with a caesura in the middle of each line to + write a monologue relating how a prince's horses were frightened by a + bull-dragon which arose from the sea off-stage. He used that + alexandrine verse to adapt a plot +-------------------- + guess: Athol Fugard + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.0004 + Length_char: 0.3533 + Length_word: 0.5200 + Length_guess: 2.5649 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison workers. This man created a teenager who + debates the idea of a "Man of Magnitude" to aid his composition for an + English class, as well two campers who take in an old man who does not + speak English. A third play by this author of Boesman and Lena and The + Island takes place just as the title antagonist's +-------------------- + guess: Louis XIII of France + answer: Louis_XIII_of_France + id: 93147 + Gpr_confidence: -0.1519 + Length_char: -0.5511 + Length_word: -0.5467 + Length_guess: 3.0445 + PreviousGuess_count: 0 + text: During this king's reign, his general Henri II de Montmorency beat the + Spanish at the Battle of Veillane and helped Charles Gonzaga, the Duke + of Nevers [nuh-VAIR], secure rule over Mantua. The Counts of +-------------------- + guess: Ngũgĩ wa Thiong'o + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.0005 + Length_char: 0.5644 + Length_word: 0.5867 + Length_guess: 2.8904 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes to + build the monumental skyscraper Marching to Heaven. During a drought + in a novel by this author, Abdullah uses a catapult to obtain food + while villagers walk to the city. In that novel by this man, Munira + incidentally kills three brewery directors by burning down Wanja's + brothel. In a third novel by this man, Mumbi becomes pregnant while + her husband is in prison, Karanja allies with the British forces, and + Mugo confesses to betraying the revolutionary Kihika. For 10 points, + name this author +-------------------- + guess: Operation Condor + answer: Operation_Condor + id: 93139 + Gpr_confidence: -0.0013 + Length_char: -0.7667 + Length_word: -0.8133 + Length_guess: 2.8332 + PreviousGuess_count: 0 + text: Journalist John Dinges survived this initiative, which he claimed + "brought terrorism to three continents" +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.0024 + Length_char: 0.7467 + Length_word: 0.5467 + Length_guess: 2.6391 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; that is Wilkinson's catalyst. + When this reaction is incomplete, it can result in cis-trans + isomerization, and thus its "partial" form is responsible for the + production of trans fats. For 10 points, name this reduction that + involves reacting a substrate with the namesake light gas. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0893 + Length_char: 0.1156 + Length_word: 0.0800 + Length_guess: 3.1781 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth +-------------------- +================= +timid 0.06 +=================== + + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0410 + Length_char: -0.1089 + Length_word: -0.0400 + Length_guess: 1.7918 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants of this deity, who ride the horse + Hofvarpnir and carry shoes respectively, are Gna and Fulla. At the +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + Length_char: 0.1244 + Length_word: 0.0800 + Length_guess: 2.5649 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- + guess: Assumption of Mary + answer: Assumption_of_Mary + id: 93157 + Gpr_confidence: -0.4460 + Length_char: -0.5489 + Length_word: -0.5600 + Length_guess: 2.9444 + PreviousGuess_count: 0 + text: A 9th-century letter denying this event, opening with the words + "Cogitis me," was written to Paula and Eustochium by a Pseudo-Jerome. + St. John Damascene is sometimes called the "Doctor of" this event due +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + Length_char: -0.1111 + Length_word: -0.1733 + Length_guess: 2.5649 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0066 + Length_char: -0.3333 + Length_word: -0.2800 + Length_guess: 1.7918 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women of + Winnili to cover their faces with hair, thus helping to found the + Lombards. Two other servants +-------------------- + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + Length_char: -0.0622 + Length_word: -0.1867 + Length_guess: 2.6391 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Narcissism + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1654 + Length_char: -0.3222 + Length_word: -0.3200 + Length_guess: 2.3979 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + Length_char: -0.7711 + Length_word: -0.7067 + Length_guess: 2.4849 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.0387 + Length_char: -0.5511 + Length_word: -0.5067 + Length_guess: 1.7918 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, this deity helped to heal the + horse of Phol. Hlin and Syn serve this figure, who told the women +-------------------- + guess: Frigg + answer: Frigg + id: 93171 + Gpr_confidence: -0.1563 + Length_char: -0.7644 + Length_word: -0.7600 + Length_guess: 1.7918 + PreviousGuess_count: 0 + text: Most scholars identify this deity with a figure named Saga who dwells + in Sokkvabekk. Along with a servant, +-------------------- +================= +aggressive 0.18 +=================== + + guess: Malla-yuddha + answer: Wrestling + id: 93178 + Gpr_confidence: -0.0125 + Length_char: 0.5600 + Length_word: 0.7067 + Length_guess: 2.5649 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this +-------------------- + guess: Sumo + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2653 + Length_char: 0.7778 + Length_word: 0.9200 + Length_guess: 1.6094 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" +-------------------- + guess: Hydroformylation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.1207 + Length_char: 0.1200 + Length_word: -0.0400 + Length_guess: 2.8332 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) rhodium(I) complex was developed in 1966 to + homogeneously catalyze this reaction; +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + Length_char: 0.1111 + Length_word: 0.1200 + Length_guess: 1.9459 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Terrorism + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.2737 + Length_char: 0.3356 + Length_word: 0.3733 + Length_guess: 2.3026 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + Length_char: 0.3400 + Length_word: 0.3200 + Length_guess: 3.3673 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1593 + Length_char: 0.5711 + Length_word: 0.4667 + Length_guess: 3.5264 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + Length_char: -0.1111 + Length_word: -0.1333 + Length_guess: 3.3673 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0792 + Length_char: -0.5533 + Length_word: -0.5600 + Length_guess: 3.3673 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to +-------------------- + guess: Carbon monoxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.2180 + Length_char: -0.0978 + Length_word: -0.1200 + Length_guess: 2.7726 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt +-------------------- +================= + Gpr_confidence: 3.8284 + Length_char: 0.7665 + Length_guess: 0.9584 + Length_word: 0.7346 + PreviousGuess_count: 0.0000 +Questions Right: 82 (out of 201) Accuracy: 0.76 Buzz ratio: 0.32 Buzz position: -0.029203 diff --git a/feateng/evals/eval_output_with_previousguess.txt b/feateng/evals/eval_output_with_previousguess.txt new file mode 100644 index 000000000..f574b5537 --- /dev/null +++ b/feateng/evals/eval_output_with_previousguess.txt @@ -0,0 +1,565 @@ +Setting up logging +Loading buzzer +Initializing features: ['PreviousGuess'] +dataset: ../data/qanta.buzzdev.json.gz +waiting 0.38 +=================== + + guess: Julius T. Bernal + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.6423 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed +-------------------- + guess: Mildred Pierce + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.3172 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles +-------------------- + guess: Yeti + answer: Vultures + id: 93141 + Gpr_confidence: -0.5839 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart +-------------------- + guess: Taxicab number + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2790 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer +-------------------- + guess: Yuki-onna + answer: Wrestling + id: 93178 + Gpr_confidence: -0.3389 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used +-------------------- + guess: Carbon dioxide + answer: Nitrogen + id: 93170 + Gpr_confidence: -0.3322 + PreviousGuess_count: 0 + text: Along with five ammonia ligands, this molecule is bonded to a + ruthenium(II) [two] metal center in a new complex prepared by Allen + and Senoff in 1965. As a ligand, this molecule exhibits weak sigma- + donation and strong pi backbonding. When silver(I) [one] oxide is + added, this gas is evolved in the Arndt-Eistert homologation of + carboxylic acids. When ketones are used as the starting product for + the Schmidt reaction, this gas is evolved. This gas is also released + as a byproduct of the Sandmeyer reactions. +-------------------- + guess: Salem witch trials + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.3144 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used +-------------------- + guess: Samuel Beckett + answer: Athol_Fugard + id: 93163 + Gpr_confidence: -0.2911 + PreviousGuess_count: 0 + text: In a play by this man, one title character counts the bruises caused + by the other title character, who accuses her of looking behind her to + find a dog on the road. This author also wrote a play in which two men + stage an impromptu performance of Sophocles' Antigone after getting + off their shifts as prison +-------------------- + guess: Michael addition + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.4024 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. +-------------------- + guess: Gaussian Integers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.6517 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of +-------------------- +================= +timid 0.05 +=================== + + guess: Hydrogenation + answer: Hydrogenation + id: 93154 + Gpr_confidence: -0.2513 + PreviousGuess_count: 0 + text: One reaction of this type reacts alpha, beta-unsaturated carbonyls + with Hantzsch esters under amine catalysis. Discoverers of an + asymmetric version of this reaction used in the industrial synthesis + of L-DOPA from an achiral arene won part of the 2001 Nobel Prize in + Chemistry. That asymmetric form of this reaction can be catalyzed by + ruthenium-BINAP complexes developed by Noyori. A square-planar + tris(triphenylphosphine) +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.2101 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico +-------------------- + guess: Perfect Numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.5404 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.3335 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing +-------------------- + guess: Perfect numbers + answer: Perfect_Numbers + id: 93144 + Gpr_confidence: -0.2988 + PreviousGuess_count: 0 + text: For any natural number n, there exists only one of these numbers that + can be expressed in the form "n-cubed plus 1". Kanold was the first to + show that the amount of these numbers below a given integer n had an + asymptotic form of little-O of the square root of n. With the + exception of the smallest of these, all known so far can be written as + the sum of the cubes of consecutive positive odd integers. For a + Mersenne prime with exponent p, a number of this type can be found by + multiplying the Mersenne prime by 2 to the power p minus 1, according + to the Euler-Euclid conjecture. These numbers are a subset of the + triangular numbers, and all numbers of this type found so far are + even. For 10 points, name these numbers, such as 496 and 6, that are + equal to the sum of their proper divisors. +-------------------- + guess: Jean Racine + answer: Jean_Racine + id: 93179 + Gpr_confidence: -0.4033 + PreviousGuess_count: 0 + text: In a play by this author, the young boy Joas is hidden in a temple to + escape the murder of his siblings +-------------------- + guess: Wrestling + answer: Wrestling + id: 93178 + Gpr_confidence: -0.2002 + PreviousGuess_count: 0 + text: In Shinto myth, a god's arm turns into an icicle during an instance of + this activity when it is used to decide the ruler of Japan by + Takemikazuchi and Takeminakata. In the Mahabharata, Krishna uses a + blade of grass to demonstrate to Bhima how he can defeat Jarasandha in + this activity. A Libyan giant uses the skulls of his victims in this + activity to build a temple to his father Poseidon. In the Prose Edda, + Elli is an old hag who is able to defeat Thor in this because she is a + personification of old age. Atalanta defeats Peleus in this, and + Heracles kills a practitioner of it in midair because he draws his + strength from the earth. The giant Antaeus kills travelers after + challenging them to this athletic competition. For 10 points, name + this activity invented by the Shinto gods in its "sumo" form. +-------------------- + guess: Mark Antony + answer: Mark_Antony + id: 93136 + Gpr_confidence: -0.5014 + PreviousGuess_count: 0 + text: Before he first met his lover, this character sat "alone," "enthroned + in the market place." A soldier laments that this man, when not + himself, "comes too short of that great property / which still should + go with" him. This man hands a pack of belongings to a deserter who + later laments "I am alone the villain of the earth." This man says + "Let's mock the midnight bell" in the hopes of having one last drunken + party. This man is spared after a rival argues, "let us be + sacrificers, but not butchers." In a monologue, this friend of + Enobarbus repeatedly calls that rival "an honorable man" while + standing by a coffin after asking "Friends, Romans, countrymen: Lend + me your ears." For 10 points, which rival +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.3384 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.4472 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible +-------------------- +================= +best 0.42 +=================== + + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0293 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing +-------------------- + guess: Edna Pontellier + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0086 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and Robert Lebrun while + living in New Orleans. For 10 points, name this woman who swims as far + as she +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0130 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," +-------------------- + guess: Kidnappings + answer: Kidnappings + id: 93182 + Gpr_confidence: -0.1448 + PreviousGuess_count: 0 + text: During an attempt to end one of these events, a small village was + mistakenly raided after a séance used a Ouija board to spell out the + name "Gradoli." As part of Operation Panzerfaust, Otto Skorzeny + orchestrated one of these events inspired by the carpet scene from + Shaw's Caesar and Cleopatra, which targeted the son of Miklos Horthy. + 86 letters were written to various politicians and Pope Paul VI during + one of these events which caused the end of the Historic Compromise. A + third one was orchestrated by the Chénier Cell, prompting Trudeau to + invoke the War Measures Act. One of these events led to the execution + of the leader of the Christian Democrats by Red Brigades. For 10 + points, name these events in which people like Pierre Laporte and Aldo + Moro are taken and held for ransom. +-------------------- + guess: Donald Davidson + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0045 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name +-------------------- + guess: Carl Nielsen + answer: Carl_Nielsen + id: 93156 + Gpr_confidence: -0.0107 + PreviousGuess_count: 0 + text: This composer's first symphony begins with a G minor movement marked + Andante orgoglioso and has a finale concluding in C major. Only the + winds and percussion play in the second movement "Humoreske" of this + composer's sixth symphony. The Andante pastorale second movement in + his third symphony features wordless solos for soprano and baritone. + Another of his symphonies opens with an Allegro collerico and closes + with an Allegro sanguineo. He instructed that two sets of timpani be + placed as far as possible from each other on either side of the stage + for a symphony in which they "duel" in the final movement. For 10 + points, name this composer of symphonies nicknamed "The Four + Temperaments" and "Inextinguishable," a native of Denmark. +-------------------- + guess: Donald Davidson (philosopher) + answer: Donald_Davidson_(philosopher) + id: 93152 + Gpr_confidence: -0.0530 + PreviousGuess_count: 0 + text: This thinker wrote that "framework theories" cannot make sense of + radio host Goodman Ace's malapropisms. This philosopher argued that an + actor's "pro-attitude" must be part of the "primary reason" that + causes an action. This author of "A Nice Derangement of Epitaphs" + proposed using Tarski's semantic theory of truth as the core for a + "theory of meaning," though he later claimed "there is no such thing + as a language." He included the "principle of charity," which assumes + that another speaker has true beliefs, in a method for understanding + unfamiliar speech "from scratch." His alternative to mind-body dualism + held that no natural laws connect physical events with mental events. + For 10 points, name this American philosopher who devised "radical + interpretation" and anomalous monism. +-------------------- + guess: Claisen + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0018 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used in the + first step in the mevalonate pathway, which forms the molecule + acetoacetyl-CoA. Unsaturated ketones are formed from allyl vinyl + ethers in this man's rearrangement, a variant of the Cope + rearrangement. Dieckmann names an intramolecular version of this man's + most famous reaction. For 10 points, name this German chemist whose + namesake condensation of two esters forms beta-keto-esters. +-------------------- + guess: Conservative Party (UK) + answer: Conservative_party + id: 93169 + Gpr_confidence: -0.0249 + PreviousGuess_count: 0 + text: The fondness of a leader of this party for a certain flower inspired + the creation of the Primrose League, which is dedicated to spreading + its influence. A document summarizing this party's principles warned + that future legislation had potential to cause "a perpetual vortex of + agitation." After the elevation of another man to a Lordship, Stafford + Northcote led this party in the Commons. This party ran a short-lived + government called the "Who? Who?" Ministry under the Earl of Derby, + and the Tamworth Manifesto, distinguished it from a predecessor led by + the Duke of Wellington. This party was also led by a man who organized + Britain's purchase of the Suez Canal and had a rivalry with William + Gladstone. +-------------------- + guess: Red Sea + answer: Red_Sea + id: 93167 + Gpr_confidence: -0.0052 + PreviousGuess_count: 0 + text: This geographic feature was closed to Christians by traders called + Karimi after Reynaud of Chatillon irked them. Purported cave dwellers + on this body of water's western side were the first people called + "Troglodytes." A port called "Mussel Harbor" abutted this body near + Berenice according to an anonymous 1st-century text about its peoples. + The city of Adulis traded with the Himyarite kingdom across +-------------------- +================= +aggressive 0.15 +=================== + + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.1257 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which +-------------------- + guess: Wizard of the Crow + answer: Ngũgĩ_wa_Thiong'o + id: 93145 + Gpr_confidence: -0.1287 + PreviousGuess_count: 0 + text: In a novel by this author, two advisors enlarge their eyes and ears to + better see and hear dissidents. In that novel, American doctors wish + to patent a mysterious illness contracted by the Ruler, who wishes +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.0690 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, a University of Rochester + historian describes how "the happy hooker" replaced Horatio Alger as + the image of success. Robert Raskin and Calvin Hall designed a test + for it where subjects choose between statements like "Compliments + embarrass me" and "I like to be complimented." In a book subtitled + American Life in an Age of Diminishing Expectations, Christopher Lasch + argued that postwar America is defined by a "culture of" this + condition. Sigmund Freud's 1914 paper On this conditon popularized its + name, and DSM-5 includes "largely superficial" relationships and a + "pervasive pattern of grandiosity" among its indicators. For 10 + points, name this disorder of excessive vanity, named for a man +-------------------- + guess: Caddy Compson + answer: The_Sound_and_the_Fury + id: 93149 + Gpr_confidence: -0.0092 + PreviousGuess_count: 0 + text: This character marries a "minor movingpicture magnate" in Hollywood + and divorces him in Mexico five years later. This character washes her + mouth out with soap after kissing Charlie; earlier, she wrestles with + a brother for kissing "a dirty girl like Natalie." At her father's + funeral, this character pays her brother a hundred dollars to see her + daughter, whom she later attempts to send two hundred dollars a month. + That brother notices her muddy drawers as she climbs a tree, and + repeatedly remarks that this character "smells of trees." This + character's favorite brother, for whom she names her daughter, thinks + of her before committing suicide at Harvard. For 10 points, name this + sister of Jason, Quentin, and Benjy Compson in William Faulkner's The + Sound and the Fury. +-------------------- + guess: Spear of Lugh + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.1140 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which +-------------------- + guess: Narcissistic personality disorder + answer: Narcissism + id: 93168 + Gpr_confidence: -0.1198 + PreviousGuess_count: 0 + text: The nature of this condition was debated by Heinz Kohut and Otto + Kernberg. In an essay on this condition, +-------------------- + guess: Claisen rearrangement + answer: Rainer_Ludwig_Claisen + id: 93183 + Gpr_confidence: -0.0279 + PreviousGuess_count: 0 + text: One modification of a reaction developed by this scientist reacts an + allylic ether or thioether with a ketene to form an unsaturated ester + or thioester. Another modification of the same reaction developed by + this man forms gamma, delta-unsaturated carboxylic acids from the + rearrangement of deprotonated allylic acetates, and is named for + Ireland and this scientist. This man also names a reaction used +-------------------- + guess: Garuda + answer: Vultures + id: 93141 + Gpr_confidence: -0.0969 + PreviousGuess_count: 0 + text: Some Vajrayana Buddhists consider these real-world creatures to be + Dakini, a type of angelic psychopomp. They are propitiated at + buildings made of three concentric stone circles of varying height. In + a ritual meant to satisfy these creatures, a master known as a rogyapa + uses a slicing knife during readings from the Tibetan Book of the + Dead. On a peak named for these creatures near Ramnagar, the Heart + Sutra and Lotus Sutra were delivered by the Buddha. When not shown as + an eagle, Garuda's brother +-------------------- + guess: Cauldron + answer: Cauldrons + id: 93150 + Gpr_confidence: -0.0029 + PreviousGuess_count: 0 + text: One of these objects is owned by a giant whose wife births a fully + armed son every six weeks. That owner of one of these objects, who + escapes a plot to roast him alive in an iron house, is named Llasar + Llaes Gyfnewid. Along with a staff and a platter, Bran gives one to + Matholwch as reparations, which Efnisien sacrifices himself to destroy + and stop it from resurrecting the Irish dead. A non-Odin father of Tyr + owns one of these objects, which was retrieved in a quest including + the fishing trip in which Thor hooks Jormungand. Hymir owns a massive + one of these that the gods bring to Aegir's feast for brewing beer. In + one named Odrerir, Kvasir's blood is mixed with honey to make the mead + of poetry. For 10 points, name these metal objects in which Ceridwen + and other legendary witches brew potions. +-------------------- + guess: The Awakening (Chopin novel) + answer: Edna_Pontellier + id: 93160 + Gpr_confidence: -0.0008 + PreviousGuess_count: 0 + text: This character faintheartedly commits herself to improving her studies + after a night of reading Emerson alone in her house, and hushes Victor + when he begins singing "Ah! Si tu savais!" While talking to a friend, + she declares that she would give up the "unessential things" for her + children, but she wouldn't give herself up. Doctor Mandelet advises + this character's husband to permit her whims, which include moving + into a "pigeon house" outside of her house on Esplanade Street. This + mother of Raoul and Etienne watches Adele Ratignolle give birth on her + last night alive, and romances Alcee Arobin and +-------------------- +================= + Gpr_confidence: 3.9282 + PreviousGuess_count: 0.0000 +Questions Right: 84 (out of 201) Accuracy: 0.80 Buzz ratio: 0.34 Buzz position: -0.135441 diff --git a/feateng/features.py b/feateng/features.py index 20403274d..1218f7586 100644 --- a/feateng/features.py +++ b/feateng/features.py @@ -9,6 +9,7 @@ from numpy import mean import gzip import json +from sentence_transformers import SentenceTransformer, util class Feature: """ @@ -46,12 +47,6 @@ def __call__(self, question, run, guess, guess_history): yield ("guess", -1) else: yield ("guess", log(1 + len(guess))) - - - - - - class GuessBlankFeature(Feature): """ @@ -68,6 +63,71 @@ class GuessCapitalsFeature(Feature): def __call__(self, question, run, guess): yield ('true', log(sum(i.isupper() for i in guess) + 1)) +class ContextualMatchFeature(Feature): + """ + Feature that computes the semantic similarity between the question and guess. + """ + def __init__(self, name): + super().__init__(name) + # Load a sentence transformer model to create embeddings + self.model = SentenceTransformer('all-MiniLM-L6-v2') # Adjust model as needed + + def __call__(self, question, run, guess, guess_history): + # Ensure guess is not empty + if isinstance(question, dict): + question = question.get("text", "") + + if isinstance(question, str) and guess and isinstance(guess, str): + # Generate embeddings for question and guess + question_embedding = self.model.encode(question, convert_to_tensor=True) + guess_embedding = self.model.encode(guess, convert_to_tensor=True) + + # Calculate cosine similarity between question and guess + similarity_score = util.pytorch_cos_sim(question_embedding, guess_embedding).item() + + # Yield the similarity score as a feature + yield (self.name, similarity_score) + else: + # If guess is empty, yield a similarity score of zero + yield (self.name, 0.0) + +class FrequencyFeature(Feature): + def __init__(self, name): + from eval import normalize_answer + self.name = name + self.counts = Counter() + self.normalize = normalize_answer + + def add_training(self, question_source): + import json + with gzip.open(question_source) as infile: + questions = json.load(infile) + for ii in questions: + self.counts[self.normalize(ii["page"])] += 1 + + def __call__(self, question, run, guess, guess_history=None): + yield ("guess", log(1 + self.counts[self.normalize(guess)])) + +class CategoryFeature(Feature): + def __call__(self, question, run, guess, guess_history, other_guesses=None): + yield ("category", question["category"]) + yield ("year", log(question["year"]-1980)) + yield ("subcategory", question["subcategory"]) + yield ("tournament", question["tournament"]) + +class PreviousGuessFeature(Feature): + def __call__(self, question, run, guess, guess_history, other_guesses=None): + count = 0 + score = [] + for guesser in guess_history: + for time in guess_history[guesser]: + # print(guess_history[guesser][time]) + count += sum(1 for x in guess_history[guesser][time] if x['guess'] == guess) + score += [x['confidence'] for x in guess_history[guesser][time] if x['guess'] == guess] + yield ("count", count) + if score: + yield ("max_score", max(score)) + yield ("avg_score", mean(score)) if __name__ == "__main__": """ @@ -105,3 +165,4 @@ def __call__(self, question, run, guess): with open("data/small_guess.vocab", 'w') as outfile: for ii in vocab: outfile.write("%s\n" % ii) + diff --git a/feateng/logistic_buzzer.py b/feateng/logistic_buzzer.py index fef2861d5..b8f84e948 100644 --- a/feateng/logistic_buzzer.py +++ b/feateng/logistic_buzzer.py @@ -29,3 +29,8 @@ def load(self): Buzzer.load(self) with open("%s.model.pkl" % self.filename, 'rb') as infile: self._classifier = pickle.load(infile) + + @property + def loss_function(self): + return "Logistic Loss" + diff --git a/feateng/mlp_buzzer.py b/feateng/mlp_buzzer.py new file mode 100644 index 000000000..b334193d7 --- /dev/null +++ b/feateng/mlp_buzzer.py @@ -0,0 +1,438 @@ +import pickle +import torch +import torch.nn as nn +from buzzer import Buzzer # Base class for buzzers + +class MLPBuzzer(Buzzer): + def __init__(self, filename, run_length, num_guesses, hidden_dims, learning_rate=1e-3, device=None): + """ + Initializes the MLP-based buzzer. + """ + super().__init__(filename, run_length, num_guesses) + self.hidden_dims = hidden_dims + self.learning_rate = learning_rate + self.device = device or torch.device("cuda" if torch.cuda.is_available() else "cpu") + self.model = None + self.optimizer = None + self.loss_function = BuzzLoss() # Use BuzzLoss here + + def _initialize_model(self, input_dim): + """ + Dynamically initializes the MLP model with custom weight initialization. + """ + layers = [] + prev_dim = input_dim + for hidden_dim in self.hidden_dims: + layers.append(nn.Linear(prev_dim, hidden_dim)) + layers.append(nn.ReLU()) + prev_dim = hidden_dim + layers.append(nn.Linear(prev_dim, 1)) # Final layer for binary output + layers.append(nn.Sigmoid()) + + self.model = nn.Sequential(*layers).to(self.device) + + # Apply custom weight and bias initialization + def init_weights(m): + if isinstance(m, nn.Linear): + nn.init.xavier_uniform_(m.weight) # Xavier initialization + nn.init.uniform_(m.bias, -0.01, 0.01) # Small random bias initialization + + self.model.apply(init_weights) + self.optimizer = torch.optim.Adam(self.model.parameters(), lr=self.learning_rate) + + def featurize(self, question, run_text, guess_history, guesses=None): + """ + Featurize question data and initialize the model dynamically if required. + """ + guess, features = super().featurize(question, run_text, guess_history, guesses) + + # Separate numerical features from categorical features + numerical_features = {k: v for k, v in features.items() if isinstance(v, (int, float))} + categorical_features = {k: v for k, v in features.items() if isinstance(v, str)} + + # Log feature variability + feature_values = list(numerical_features.values()) + print(f"Numerical Feature values: {feature_values}") # Log raw numerical features + if len(set(feature_values)) <= 1: # Check if all numerical features are constant + print("Warning: Numerical features may lack variability!") + + # Normalize numerical features + if len(numerical_features) > 0: + min_val, max_val = min(feature_values), max(feature_values) + normalized_features = {k: (v - min_val) / (max_val - min_val + 1e-8) for k, v in numerical_features.items()} + else: + normalized_features = numerical_features # If no numerical features, skip normalization + + # Combine normalized numerical features with categorical features + combined_features = {**normalized_features, **categorical_features} + + if self.model is None: + self._initialize_model(input_dim=len(combined_features)) + + return guess, combined_features + + + def train(self): + """ + Train the MLP model using features and labels. + """ + X = Buzzer.train(self) # Get features + self._initialize_model(input_dim=X.shape[1]) + features = torch.tensor(X.toarray(), dtype=torch.float32).to(self.device) + labels = torch.tensor(self._correct, dtype=torch.float32).unsqueeze(1).to(self.device) + + for epoch in range(10): # Train for 10 epochs + self.model.train() + self.optimizer.zero_grad() + predictions = self.model(features) + loss = self.loss_function(predictions, labels) + + # Log loss and gradient stats + print(f"Epoch {epoch+1}, Loss: {loss.item()}") + for name, param in self.model.named_parameters(): + if param.grad is not None: + print(f"Gradient stats for {name}: Mean={param.grad.mean().item()}, Std={param.grad.std().item()}") + + loss.backward() + self.optimizer.step() + + def predict(self, features): + """ + Predict buzz decisions for a batch of input features. + """ + self.model.eval() + features = torch.tensor(features, dtype=torch.float32).to(self.device) + with torch.no_grad(): + predictions = self.model(features) + print(f"Predictions: {predictions}") # Log predictions for debugging + return (predictions > 0.3).float() # Use a lower threshold + + def save(self): + """ + Save the MLP model and parent state. + """ + Buzzer.save(self) + with open(f"{self.filename}.model.pkl", "wb") as f: + pickle.dump(self.model.state_dict(), f) + + def load(self): + """ + Load the MLP model and parent state. + """ + Buzzer.load(self) + with open(f"{self.filename}.model.pkl", "rb") as f: + self.model.load_state_dict(pickle.load(f)) + + +class BuzzLoss(nn.Module): + def __init__(self): + super().__init__() + + def forward(self, confidences, accuracies): + """ + Args: + confidences: Tensor of shape (batch_size, T), where T is the number of timesteps. + accuracies: Tensor of shape (batch_size, T), binary (1 if correct, 0 otherwise). + Returns: + Loss: Scalar, negative system score. + """ + batch_size, T = confidences.size() + buzz_probs = torch.zeros_like(confidences) + system_scores = torch.zeros(batch_size, device=confidences.device) + + # Calculate buzz probabilities and system scores + for t in range(T): + if t == 0: + buzz_probs[:, t] = confidences[:, t] + else: + cumulative_no_buzz = torch.prod(1 - confidences[:, :t], dim=1) + buzz_probs[:, t] = confidences[:, t] * cumulative_no_buzz + + # Add score contribution from current timestep + system_scores += buzz_probs[:, t] * accuracies[:, t] + + # Ensure the final timestep confidence becomes 1.0 if it isn't already + final_timestep_correction = 1.0 - torch.sum(buzz_probs, dim=1, keepdim=True) + buzz_probs[:, -1] += final_timestep_correction.squeeze() + system_scores += final_timestep_correction.squeeze() * accuracies[:, -1] + + return -torch.mean(system_scores) # Negative system score + + +# class BuzzLoss(nn.Module): +# def __init__(self): +# super().__init__() + +# def forward(self, confidences, accuracies): +# """ +# Custom loss function for MLP buzzer. +# Args: +# confidences: Tensor of shape (batch_size, T), where T is the number of timesteps. +# accuracies: Tensor of shape (batch_size, T), binary (1 if correct, 0 otherwise). +# Returns: +# Loss: Scalar, negative system score. +# """ +# batch_size, T = confidences.size() +# buzz_probs = torch.zeros_like(confidences) +# system_scores = torch.zeros(batch_size, device=confidences.device) + +# for t in range(T): +# if t == 0: +# buzz_probs[:, t] = confidences[:, t] +# else: +# cumulative_no_buzz = torch.prod(1 - confidences[:, :t], dim=1) +# buzz_probs[:, t] = confidences[:, t] * cumulative_no_buzz + +# system_scores += buzz_probs[:, t] * accuracies[:, t] + +# return -torch.mean(system_scores) + + +# import pickle +# import torch +# import torch.nn as nn +# from buzzer import Buzzer # Base class for buzzers + +# class MLPBuzzer(Buzzer): +# def __init__(self, filename, run_length, num_guesses, hidden_dims, learning_rate=1e-3, device=None): +# """ +# Initializes the MLP-based buzzer. +# """ +# super().__init__(filename, run_length, num_guesses) +# self.hidden_dims = hidden_dims +# self.learning_rate = learning_rate +# self.device = device or torch.device("cuda" if torch.cuda.is_available() else "cpu") +# self.model = None +# self.optimizer = None +# self.loss_function = BuzzLoss() + +# def _initialize_model(self, input_dim): +# """ +# Dynamically initializes the MLP model. +# """ +# layers = [] +# prev_dim = input_dim +# for hidden_dim in self.hidden_dims: +# layers.append(nn.Linear(prev_dim, hidden_dim)) +# layers.append(nn.ReLU()) +# prev_dim = hidden_dim +# layers.append(nn.Linear(prev_dim, 1)) +# layers.append(nn.Sigmoid()) + +# self.model = nn.Sequential(*layers).to(self.device) +# self.optimizer = torch.optim.Adam(self.model.parameters(), lr=self.learning_rate) + +# def featurize(self, question, run_text, guess_history, guesses=None): +# """ +# Featurize question data and initialize the model dynamically if required. +# """ +# guess, features = super().featurize(question, run_text, guess_history, guesses) +# if self.model is None: +# self._initialize_model(input_dim=len(features)) +# return guess, features + +# def train(self): +# """ +# Train the MLP model using features and labels. +# """ +# X = Buzzer.train(self) # Get features +# self._initialize_model(input_dim=X.shape[1]) +# features = torch.tensor(X.toarray(), dtype=torch.float32).to(self.device) +# labels = torch.tensor(self._correct, dtype=torch.float32).unsqueeze(1).to(self.device) + +# for epoch in range(10): # Train for 10 epochs +# self.model.train() +# self.optimizer.zero_grad() +# predictions = self.model(features) +# loss = self.loss_function(predictions, labels) + +# # Log loss +# print(f"Epoch {epoch+1}, Loss: {loss.item()}") + +# loss.backward() +# self.optimizer.step() + +# def predict(self, features): +# """ +# Predict buzz decisions for a batch of input features. +# """ +# self.model.eval() +# features = torch.tensor(features, dtype=torch.float32).to(self.device) +# with torch.no_grad(): +# predictions = self.model(features) +# return (predictions > 0.5).float() # Apply threshold for binary output + +# def save(self): +# """ +# Save the MLP model and parent state. +# """ +# Buzzer.save(self) +# with open(f"{self.filename}.model.pkl", "wb") as f: +# pickle.dump(self.model.state_dict(), f) + +# def load(self): +# """ +# Load the MLP model and parent state. +# """ +# Buzzer.load(self) +# with open(f"{self.filename}.model.pkl", "rb") as f: +# self.model.load_state_dict(pickle.load(f)) + + +# class BuzzLoss(nn.Module): +# def __init__(self): +# super().__init__() + +# def forward(self, predictions, labels): +# """ +# Custom loss function for MLP buzzer. +# """ +# return nn.BCELoss()(predictions, labels) # Binary cross-entropy loss + + + +# import pickle +# import torch +# import torch.nn as nn +# from buzzer import Buzzer # Import the base Buzzer class + +# class MLPBuzzer(Buzzer): +# def __init__(self, filename, run_length, num_guesses, hidden_dims, learning_rate=1e-3): +# """ +# Initializes the MLP-based buzzer, extending the Buzzer class. +# Args: +# hidden_dims: List of hidden layer dimensions. +# run_length: Length of each question segment (run). +# num_guesses: Number of guesses to evaluate at each run. +# learning_rate: Learning rate for the optimizer. +# """ +# super().__init__(filename=filename, run_length=run_length, num_guesses=num_guesses) +# self.hidden_dims = hidden_dims +# self.learning_rate = learning_rate +# self.model = None # Model will be initialized dynamically + +# def _initialize_model(self, input_dim): +# """ +# Dynamically initializes the MLP model based on the input feature dimension. +# Args: +# input_dim: Dimension of the input features. +# """ +# layers = [] +# prev_dim = input_dim + +# for hidden_dim in self.hidden_dims: +# layers.append(nn.Linear(prev_dim, hidden_dim)) +# layers.append(nn.ReLU()) +# prev_dim = hidden_dim + +# layers.append(nn.Linear(prev_dim, 1)) # Output layer for binary classification +# layers.append(nn.Sigmoid()) # Sigmoid for confidence score + +# self.model = nn.Sequential(*layers) +# self.optimizer = torch.optim.Adam(self.model.parameters(), lr=self.learning_rate) +# self.loss_function = BuzzLoss() + +# def featurize(self, question, run_text, guess_history, guesses=None): +# """ +# Overridden featurization method to generate features for the MLP model. +# Dynamically initializes the model if it hasn't been initialized yet. +# Args: +# question: The question object. +# run_text: The portion of the question text available so far. +# guess_history: History of guesses made so far. +# guesses: Precomputed guesses (optional). If None, will be computed. +# """ +# # Ensure run_text is valid +# if run_text is None: +# raise ValueError("run_text cannot be None. Please provide valid text to featurize.") + +# # Call the parent featurize method +# guess, features = super().featurize(question, run_text, guess_history, guesses) + +# # Initialize the model if not already initialized +# if self.model is None: +# self._initialize_model(input_dim=len(features)) + +# return guess, features + + + +# def save(self): +# Buzzer.save(self) +# with open("%s.model.pkl" % self.filename, 'wb') as outfile: +# pickle.dump(self._classifier, outfile) + +# def load(self): +# Buzzer.load(self) +# with open("%s.model.pkl" % self.filename, 'rb') as infile: +# self._classifier = pickle.load(infile) + + +# def train_on_batch(self, features, labels): +# """ +# Train the MLP model on a single batch of data. +# Args: +# features: Tensor of input features. +# labels: Tensor of binary labels (correct/incorrect guesses). +# """ +# if self.model is None: +# raise ValueError("Model not initialized. Ensure features are passed through `featurize` first.") + +# self.model.train() +# self.optimizer.zero_grad() +# features = features.to(next(self.model.parameters()).device) +# labels = labels.to(next(self.model.parameters()).device) + +# confidences = self.model(features) +# loss = self.loss_function(confidences, labels) +# loss.backward() +# self.optimizer.step() + +# return loss.item() + +# def predict(self, features): +# """ +# Predict buzz decisions for a batch of input features. +# Args: +# features: Tensor of input features. +# Returns: +# Tensor of predicted probabilities. +# """ +# if self.model is None: +# raise ValueError("Model not initialized. Ensure features are passed through `featurize` first.") + +# self.model.eval() +# with torch.no_grad(): +# features = features.to(next(self.model.parameters()).device) +# confidences = self.model(features) +# return confidences + +# class BuzzLoss(nn.Module): +# def __init__(self): +# super(BuzzLoss, self).__init__() + +# def forward(self, confidences, accuracies): +# """ +# Args: +# confidences: Tensor of shape (batch_size, T), where T is the number of timesteps. +# accuracies: Tensor of shape (batch_size, T), binary (1 if correct, 0 otherwise). +# Returns: +# Loss: Scalar, negative system score. +# """ +# batch_size, T = confidences.size() +# buzz_probs = torch.zeros_like(confidences) +# system_scores = torch.zeros(batch_size, device=confidences.device) + +# for t in range(T): +# if t == 0: +# buzz_probs[:, t] = confidences[:, t] +# else: +# cumulative_no_buzz = torch.prod(1 - confidences[:, :t], dim=1) +# buzz_probs[:, t] = confidences[:, t] * cumulative_no_buzz + +# system_scores += buzz_probs[:, t] * accuracies[:, t] + +# return -torch.mean(system_scores) + +# if __name__ == "__main__": +# print("MLPBuzzer class defined, extending the Buzzer base class.") diff --git a/feateng/models/LogisticBuzzer.featurizer.pkl b/feateng/models/LogisticBuzzer.featurizer.pkl new file mode 100644 index 000000000..13e51252f Binary files /dev/null and b/feateng/models/LogisticBuzzer.featurizer.pkl differ diff --git a/feateng/models/LogisticBuzzer.model.pkl b/feateng/models/LogisticBuzzer.model.pkl new file mode 100644 index 000000000..53504e82c Binary files /dev/null and b/feateng/models/LogisticBuzzer.model.pkl differ diff --git a/feateng/models/MLPBuzzer.featurizer.pkl b/feateng/models/MLPBuzzer.featurizer.pkl new file mode 100644 index 000000000..ff1ce03e4 Binary files /dev/null and b/feateng/models/MLPBuzzer.featurizer.pkl differ diff --git a/feateng/models/MLPBuzzer.model.pkl b/feateng/models/MLPBuzzer.model.pkl new file mode 100644 index 000000000..9b6ff7ac6 --- /dev/null +++ b/feateng/models/MLPBuzzer.model.pkl @@ -0,0 +1 @@ +N. \ No newline at end of file diff --git a/feateng/models/logit_no_features.featurizer.pkl b/feateng/models/logit_no_features.featurizer.pkl new file mode 100644 index 000000000..8d2d82a64 Binary files /dev/null and b/feateng/models/logit_no_features.featurizer.pkl differ diff --git a/feateng/models/logit_no_features.model.pkl b/feateng/models/logit_no_features.model.pkl new file mode 100644 index 000000000..f92374afc Binary files /dev/null and b/feateng/models/logit_no_features.model.pkl differ diff --git a/feateng/models/logit_with_all_features.featurizer.pkl b/feateng/models/logit_with_all_features.featurizer.pkl new file mode 100644 index 000000000..08ba38219 Binary files /dev/null and b/feateng/models/logit_with_all_features.featurizer.pkl differ diff --git a/feateng/models/logit_with_all_features.model.pkl b/feateng/models/logit_with_all_features.model.pkl new file mode 100644 index 000000000..13c009144 Binary files /dev/null and b/feateng/models/logit_with_all_features.model.pkl differ diff --git a/feateng/models/logit_with_frequency.featurizer.pkl b/feateng/models/logit_with_frequency.featurizer.pkl new file mode 100644 index 000000000..004fbf9a8 Binary files /dev/null and b/feateng/models/logit_with_frequency.featurizer.pkl differ diff --git a/feateng/models/logit_with_frequency.model.pkl b/feateng/models/logit_with_frequency.model.pkl new file mode 100644 index 000000000..7252b00dd Binary files /dev/null and b/feateng/models/logit_with_frequency.model.pkl differ diff --git a/feateng/models/logit_with_length.featurizer.pkl b/feateng/models/logit_with_length.featurizer.pkl new file mode 100644 index 000000000..c2e06bf69 Binary files /dev/null and b/feateng/models/logit_with_length.featurizer.pkl differ diff --git a/feateng/models/logit_with_length.model.pkl b/feateng/models/logit_with_length.model.pkl new file mode 100644 index 000000000..d05017edd Binary files /dev/null and b/feateng/models/logit_with_length.model.pkl differ diff --git a/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl b/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..08ba38219 Binary files /dev/null and b/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.model.pkl b/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..13c009144 Binary files /dev/null and b/feateng/models/logit_with_length_frequency_category_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/logitwith_all_features.featurizer.pkl b/feateng/models/logitwith_all_features.featurizer.pkl new file mode 100644 index 000000000..ff1ce03e4 Binary files /dev/null and b/feateng/models/logitwith_all_features.featurizer.pkl differ diff --git a/feateng/models/logitwith_all_features.model.pkl b/feateng/models/logitwith_all_features.model.pkl new file mode 100644 index 000000000..c2238a968 Binary files /dev/null and b/feateng/models/logitwith_all_features.model.pkl differ diff --git a/feateng/models/mlp_no_features.featurizer.pkl b/feateng/models/mlp_no_features.featurizer.pkl new file mode 100644 index 000000000..8d2d82a64 Binary files /dev/null and b/feateng/models/mlp_no_features.featurizer.pkl differ diff --git a/feateng/models/mlp_no_features.model.pkl b/feateng/models/mlp_no_features.model.pkl new file mode 100644 index 000000000..7df647e0a Binary files /dev/null and b/feateng/models/mlp_no_features.model.pkl differ diff --git a/feateng/models/mlp_with_all_features.featurizer.pkl b/feateng/models/mlp_with_all_features.featurizer.pkl new file mode 100644 index 000000000..3633d0ef2 Binary files /dev/null and b/feateng/models/mlp_with_all_features.featurizer.pkl differ diff --git a/feateng/models/mlp_with_all_features.model.pkl b/feateng/models/mlp_with_all_features.model.pkl new file mode 100644 index 000000000..c6dd55f78 Binary files /dev/null and b/feateng/models/mlp_with_all_features.model.pkl differ diff --git a/feateng/models/mlp_with_frequency.featurizer.pkl b/feateng/models/mlp_with_frequency.featurizer.pkl new file mode 100644 index 000000000..004fbf9a8 Binary files /dev/null and b/feateng/models/mlp_with_frequency.featurizer.pkl differ diff --git a/feateng/models/mlp_with_frequency.model.pkl b/feateng/models/mlp_with_frequency.model.pkl new file mode 100644 index 000000000..aa09ec27d Binary files /dev/null and b/feateng/models/mlp_with_frequency.model.pkl differ diff --git a/feateng/models/mlp_with_length.featurizer.pkl b/feateng/models/mlp_with_length.featurizer.pkl new file mode 100644 index 000000000..c2e06bf69 Binary files /dev/null and b/feateng/models/mlp_with_length.featurizer.pkl differ diff --git a/feateng/models/mlp_with_length.model.pkl b/feateng/models/mlp_with_length.model.pkl new file mode 100644 index 000000000..8cb165633 Binary files /dev/null and b/feateng/models/mlp_with_length.model.pkl differ diff --git a/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl b/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..3633d0ef2 Binary files /dev/null and b/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.model.pkl b/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..a97b0c190 Binary files /dev/null and b/feateng/models/mlp_with_length_frequency_category_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/no_features.featurizer.pkl b/feateng/models/no_features.featurizer.pkl new file mode 100644 index 000000000..8d2d82a64 Binary files /dev/null and b/feateng/models/no_features.featurizer.pkl differ diff --git a/feateng/models/no_features.model.pkl b/feateng/models/no_features.model.pkl new file mode 100644 index 000000000..f92374afc Binary files /dev/null and b/feateng/models/no_features.model.pkl differ diff --git a/feateng/models/no_length.featurizer.pkl b/feateng/models/no_length.featurizer.pkl new file mode 100644 index 000000000..8d2d82a64 Binary files /dev/null and b/feateng/models/no_length.featurizer.pkl differ diff --git a/feateng/models/no_length.model.pkl b/feateng/models/no_length.model.pkl new file mode 100644 index 000000000..0b26af6e8 Binary files /dev/null and b/feateng/models/no_length.model.pkl differ diff --git a/feateng/models/with_all_features.featurizer.pkl b/feateng/models/with_all_features.featurizer.pkl new file mode 100644 index 000000000..08ba38219 Binary files /dev/null and b/feateng/models/with_all_features.featurizer.pkl differ diff --git a/feateng/models/with_all_features.model.pkl b/feateng/models/with_all_features.model.pkl new file mode 100644 index 000000000..53504e82c Binary files /dev/null and b/feateng/models/with_all_features.model.pkl differ diff --git a/feateng/models/with_all_five_features.featurizer.pkl b/feateng/models/with_all_five_features.featurizer.pkl new file mode 100644 index 000000000..13e51252f Binary files /dev/null and b/feateng/models/with_all_five_features.featurizer.pkl differ diff --git a/feateng/models/with_all_five_features.model.pkl b/feateng/models/with_all_five_features.model.pkl new file mode 100644 index 000000000..53504e82c Binary files /dev/null and b/feateng/models/with_all_five_features.model.pkl differ diff --git a/feateng/models/with_category.featurizer.pkl b/feateng/models/with_category.featurizer.pkl new file mode 100644 index 000000000..ed6117af9 Binary files /dev/null and b/feateng/models/with_category.featurizer.pkl differ diff --git a/feateng/models/with_category.model.pkl b/feateng/models/with_category.model.pkl new file mode 100644 index 000000000..dd786b7f3 Binary files /dev/null and b/feateng/models/with_category.model.pkl differ diff --git a/feateng/models/with_category_contextualmatch.featurizer.pkl b/feateng/models/with_category_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..1f3bbe140 Binary files /dev/null and b/feateng/models/with_category_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_category_contextualmatch.model.pkl b/feateng/models/with_category_contextualmatch.model.pkl new file mode 100644 index 000000000..77f65997d Binary files /dev/null and b/feateng/models/with_category_contextualmatch.model.pkl differ diff --git a/feateng/models/with_category_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_category_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..7250ec64c Binary files /dev/null and b/feateng/models/with_category_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_category_contextualmatch_previousguess.model.pkl b/feateng/models/with_category_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..868d0b608 Binary files /dev/null and b/feateng/models/with_category_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_category_previousguess.featurizer.pkl b/feateng/models/with_category_previousguess.featurizer.pkl new file mode 100644 index 000000000..1f1513b5f Binary files /dev/null and b/feateng/models/with_category_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_category_previousguess.model.pkl b/feateng/models/with_category_previousguess.model.pkl new file mode 100644 index 000000000..32d18835b Binary files /dev/null and b/feateng/models/with_category_previousguess.model.pkl differ diff --git a/feateng/models/with_contextual_match.featurizer.pkl b/feateng/models/with_contextual_match.featurizer.pkl new file mode 100644 index 000000000..a99d453f6 Binary files /dev/null and b/feateng/models/with_contextual_match.featurizer.pkl differ diff --git a/feateng/models/with_contextual_match.model.pkl b/feateng/models/with_contextual_match.model.pkl new file mode 100644 index 000000000..30006a07d Binary files /dev/null and b/feateng/models/with_contextual_match.model.pkl differ diff --git a/feateng/models/with_contextual_match_frequency.featurizer.pkl b/feateng/models/with_contextual_match_frequency.featurizer.pkl new file mode 100644 index 000000000..48da07f91 Binary files /dev/null and b/feateng/models/with_contextual_match_frequency.featurizer.pkl differ diff --git a/feateng/models/with_contextual_match_frequency.model.pkl b/feateng/models/with_contextual_match_frequency.model.pkl new file mode 100644 index 000000000..5c2e7f7b1 Binary files /dev/null and b/feateng/models/with_contextual_match_frequency.model.pkl differ diff --git a/feateng/models/with_contextualmatch.featurizer.pkl b/feateng/models/with_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..a99d453f6 Binary files /dev/null and b/feateng/models/with_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_contextualmatch.model.pkl b/feateng/models/with_contextualmatch.model.pkl new file mode 100644 index 000000000..b211991c4 Binary files /dev/null and b/feateng/models/with_contextualmatch.model.pkl differ diff --git a/feateng/models/with_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..dadb19b89 Binary files /dev/null and b/feateng/models/with_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_contextualmatch_previousguess.model.pkl b/feateng/models/with_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..920aca24c Binary files /dev/null and b/feateng/models/with_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_frequency.featurizer.pkl b/feateng/models/with_frequency.featurizer.pkl new file mode 100644 index 000000000..004fbf9a8 Binary files /dev/null and b/feateng/models/with_frequency.featurizer.pkl differ diff --git a/feateng/models/with_frequency.model.pkl b/feateng/models/with_frequency.model.pkl new file mode 100644 index 000000000..5219d974b Binary files /dev/null and b/feateng/models/with_frequency.model.pkl differ diff --git a/feateng/models/with_frequency_category.featurizer.pkl b/feateng/models/with_frequency_category.featurizer.pkl new file mode 100644 index 000000000..b88526cd0 Binary files /dev/null and b/feateng/models/with_frequency_category.featurizer.pkl differ diff --git a/feateng/models/with_frequency_category.model.pkl b/feateng/models/with_frequency_category.model.pkl new file mode 100644 index 000000000..03166b821 Binary files /dev/null and b/feateng/models/with_frequency_category.model.pkl differ diff --git a/feateng/models/with_frequency_category_contextualmatch.featurizer.pkl b/feateng/models/with_frequency_category_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..ac3bacc4a Binary files /dev/null and b/feateng/models/with_frequency_category_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_frequency_category_contextualmatch.model.pkl b/feateng/models/with_frequency_category_contextualmatch.model.pkl new file mode 100644 index 000000000..ff7576c11 Binary files /dev/null and b/feateng/models/with_frequency_category_contextualmatch.model.pkl differ diff --git a/feateng/models/with_frequency_category_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_frequency_category_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..1e443059f Binary files /dev/null and b/feateng/models/with_frequency_category_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_frequency_category_contextualmatch_previousguess.model.pkl b/feateng/models/with_frequency_category_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..6ec05a839 Binary files /dev/null and b/feateng/models/with_frequency_category_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_frequency_category_previousguess.featurizer.pkl b/feateng/models/with_frequency_category_previousguess.featurizer.pkl new file mode 100644 index 000000000..271652f52 Binary files /dev/null and b/feateng/models/with_frequency_category_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_frequency_category_previousguess.model.pkl b/feateng/models/with_frequency_category_previousguess.model.pkl new file mode 100644 index 000000000..efa14bfdd Binary files /dev/null and b/feateng/models/with_frequency_category_previousguess.model.pkl differ diff --git a/feateng/models/with_frequency_contextualmatch.featurizer.pkl b/feateng/models/with_frequency_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..003ed1f7f Binary files /dev/null and b/feateng/models/with_frequency_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_frequency_contextualmatch.model.pkl b/feateng/models/with_frequency_contextualmatch.model.pkl new file mode 100644 index 000000000..a24426289 Binary files /dev/null and b/feateng/models/with_frequency_contextualmatch.model.pkl differ diff --git a/feateng/models/with_frequency_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_frequency_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..88e8665d1 Binary files /dev/null and b/feateng/models/with_frequency_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_frequency_contextualmatch_previousguess.model.pkl b/feateng/models/with_frequency_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..1915f60a8 Binary files /dev/null and b/feateng/models/with_frequency_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_frequency_previousguess.featurizer.pkl b/feateng/models/with_frequency_previousguess.featurizer.pkl new file mode 100644 index 000000000..471e1a9b4 Binary files /dev/null and b/feateng/models/with_frequency_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_frequency_previousguess.model.pkl b/feateng/models/with_frequency_previousguess.model.pkl new file mode 100644 index 000000000..ec9199021 Binary files /dev/null and b/feateng/models/with_frequency_previousguess.model.pkl differ diff --git a/feateng/models/with_length.featurizer.pkl b/feateng/models/with_length.featurizer.pkl new file mode 100644 index 000000000..c2e06bf69 Binary files /dev/null and b/feateng/models/with_length.featurizer.pkl differ diff --git a/feateng/models/with_length.model.pkl b/feateng/models/with_length.model.pkl new file mode 100644 index 000000000..081d4aa64 Binary files /dev/null and b/feateng/models/with_length.model.pkl differ diff --git a/feateng/models/with_length_category.featurizer.pkl b/feateng/models/with_length_category.featurizer.pkl new file mode 100644 index 000000000..9910a6b02 Binary files /dev/null and b/feateng/models/with_length_category.featurizer.pkl differ diff --git a/feateng/models/with_length_category.model.pkl b/feateng/models/with_length_category.model.pkl new file mode 100644 index 000000000..79e8217be Binary files /dev/null and b/feateng/models/with_length_category.model.pkl differ diff --git a/feateng/models/with_length_category_contextualmatch.featurizer.pkl b/feateng/models/with_length_category_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..fc963f000 Binary files /dev/null and b/feateng/models/with_length_category_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_length_category_contextualmatch.model.pkl b/feateng/models/with_length_category_contextualmatch.model.pkl new file mode 100644 index 000000000..c64555a05 Binary files /dev/null and b/feateng/models/with_length_category_contextualmatch.model.pkl differ diff --git a/feateng/models/with_length_category_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_length_category_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..8b3997777 Binary files /dev/null and b/feateng/models/with_length_category_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_category_contextualmatch_previousguess.model.pkl b/feateng/models/with_length_category_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..b5cb6e3dd Binary files /dev/null and b/feateng/models/with_length_category_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_length_category_previousguess.featurizer.pkl b/feateng/models/with_length_category_previousguess.featurizer.pkl new file mode 100644 index 000000000..3b5a69f90 Binary files /dev/null and b/feateng/models/with_length_category_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_category_previousguess.model.pkl b/feateng/models/with_length_category_previousguess.model.pkl new file mode 100644 index 000000000..f46a80ef4 Binary files /dev/null and b/feateng/models/with_length_category_previousguess.model.pkl differ diff --git a/feateng/models/with_length_contextual_match.featurizer.pkl b/feateng/models/with_length_contextual_match.featurizer.pkl new file mode 100644 index 000000000..0167a2bd2 Binary files /dev/null and b/feateng/models/with_length_contextual_match.featurizer.pkl differ diff --git a/feateng/models/with_length_contextual_match.model.pkl b/feateng/models/with_length_contextual_match.model.pkl new file mode 100644 index 000000000..f52178bb4 Binary files /dev/null and b/feateng/models/with_length_contextual_match.model.pkl differ diff --git a/feateng/models/with_length_contextualmatch.featurizer.pkl b/feateng/models/with_length_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..0167a2bd2 Binary files /dev/null and b/feateng/models/with_length_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_length_contextualmatch.model.pkl b/feateng/models/with_length_contextualmatch.model.pkl new file mode 100644 index 000000000..37fef866e Binary files /dev/null and b/feateng/models/with_length_contextualmatch.model.pkl differ diff --git a/feateng/models/with_length_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_length_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..e550f1b0d Binary files /dev/null and b/feateng/models/with_length_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_contextualmatch_previousguess.model.pkl b/feateng/models/with_length_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..a244ee68b Binary files /dev/null and b/feateng/models/with_length_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_length_frequency.featurizer.pkl b/feateng/models/with_length_frequency.featurizer.pkl new file mode 100644 index 000000000..ff1ce03e4 Binary files /dev/null and b/feateng/models/with_length_frequency.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency.model.pkl b/feateng/models/with_length_frequency.model.pkl new file mode 100644 index 000000000..42f106b91 Binary files /dev/null and b/feateng/models/with_length_frequency.model.pkl differ diff --git a/feateng/models/with_length_frequency_category.featurizer.pkl b/feateng/models/with_length_frequency_category.featurizer.pkl new file mode 100644 index 000000000..e6ca2877f Binary files /dev/null and b/feateng/models/with_length_frequency_category.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_category.model.pkl b/feateng/models/with_length_frequency_category.model.pkl new file mode 100644 index 000000000..041de3507 Binary files /dev/null and b/feateng/models/with_length_frequency_category.model.pkl differ diff --git a/feateng/models/with_length_frequency_category_contextualmatch.featurizer.pkl b/feateng/models/with_length_frequency_category_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..36bbedc9b Binary files /dev/null and b/feateng/models/with_length_frequency_category_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_category_contextualmatch.model.pkl b/feateng/models/with_length_frequency_category_contextualmatch.model.pkl new file mode 100644 index 000000000..36cfc5975 Binary files /dev/null and b/feateng/models/with_length_frequency_category_contextualmatch.model.pkl differ diff --git a/feateng/models/with_length_frequency_category_previousguess.featurizer.pkl b/feateng/models/with_length_frequency_category_previousguess.featurizer.pkl new file mode 100644 index 000000000..bac1b8d13 Binary files /dev/null and b/feateng/models/with_length_frequency_category_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_category_previousguess.model.pkl b/feateng/models/with_length_frequency_category_previousguess.model.pkl new file mode 100644 index 000000000..6ed255ff7 Binary files /dev/null and b/feateng/models/with_length_frequency_category_previousguess.model.pkl differ diff --git a/feateng/models/with_length_frequency_contextualmatch.featurizer.pkl b/feateng/models/with_length_frequency_contextualmatch.featurizer.pkl new file mode 100644 index 000000000..be591bf47 Binary files /dev/null and b/feateng/models/with_length_frequency_contextualmatch.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_contextualmatch.model.pkl b/feateng/models/with_length_frequency_contextualmatch.model.pkl new file mode 100644 index 000000000..2b85771ac Binary files /dev/null and b/feateng/models/with_length_frequency_contextualmatch.model.pkl differ diff --git a/feateng/models/with_length_frequency_contextualmatch_previousguess.featurizer.pkl b/feateng/models/with_length_frequency_contextualmatch_previousguess.featurizer.pkl new file mode 100644 index 000000000..47a0ab173 Binary files /dev/null and b/feateng/models/with_length_frequency_contextualmatch_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_contextualmatch_previousguess.model.pkl b/feateng/models/with_length_frequency_contextualmatch_previousguess.model.pkl new file mode 100644 index 000000000..8c0caad01 Binary files /dev/null and b/feateng/models/with_length_frequency_contextualmatch_previousguess.model.pkl differ diff --git a/feateng/models/with_length_frequency_previousguess.featurizer.pkl b/feateng/models/with_length_frequency_previousguess.featurizer.pkl new file mode 100644 index 000000000..305753408 Binary files /dev/null and b/feateng/models/with_length_frequency_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_frequency_previousguess.model.pkl b/feateng/models/with_length_frequency_previousguess.model.pkl new file mode 100644 index 000000000..cbcd6957a Binary files /dev/null and b/feateng/models/with_length_frequency_previousguess.model.pkl differ diff --git a/feateng/models/with_length_previousguess.featurizer.pkl b/feateng/models/with_length_previousguess.featurizer.pkl new file mode 100644 index 000000000..8f83ff58b Binary files /dev/null and b/feateng/models/with_length_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_length_previousguess.model.pkl b/feateng/models/with_length_previousguess.model.pkl new file mode 100644 index 000000000..e6366fd74 Binary files /dev/null and b/feateng/models/with_length_previousguess.model.pkl differ diff --git a/feateng/models/with_previousguess.featurizer.pkl b/feateng/models/with_previousguess.featurizer.pkl new file mode 100644 index 000000000..b0ad2022a Binary files /dev/null and b/feateng/models/with_previousguess.featurizer.pkl differ diff --git a/feateng/models/with_previousguess.model.pkl b/feateng/models/with_previousguess.model.pkl new file mode 100644 index 000000000..6f06f0b8b Binary files /dev/null and b/feateng/models/with_previousguess.model.pkl differ diff --git a/feateng/params.py b/feateng/params.py index d22da75cd..8cb79240a 100644 --- a/feateng/params.py +++ b/feateng/params.py @@ -31,11 +31,14 @@ def add_buzzer_params(parser): parser.add_argument('--buzzer_guessers', nargs='+', default = ['Tfidf'], help='Guessers to feed into Buzzer', type=str) parser.add_argument('--buzzer_history_length', type=int, default=0, help="How many time steps to retain guesser history") parser.add_argument('--buzzer_history_depth', type=int, default=0, help="How many old guesses per time step to keep") - parser.add_argument('--features', nargs='+', help='Features to feed into Buzzer', type=str, default=['Length', 'Frequency', 'Category']) + parser.add_argument('--features', nargs='+', help='Features to feed into Buzzer', type=str, default=['']) parser.add_argument('--buzzer_type', type=str, default="LogisticBuzzer") parser.add_argument('--run_length', type=int, default=100) parser.add_argument('--primary_guesser', type=str, default='Tfidf', help="What guesser does buzzer depend on?") - parser.add_argument('--LogisticBuzzer_filename', type=str, default="models/LogisticBuzzer") + parser.add_argument('--LogisticBuzzer_filename', type=str, default="models/LogisticBuzzer") + parser.add_argument('--MLPBuzzer_filename', type=str, default="models/MLPBuzzer") + parser.add_argument('--mlp_hidden_dims', type=int, nargs='+', default=[128, 64], help="Hidden layer sizes for MLP-based buzzer.") + parser.add_argument('--mlp_learning_rate', type=float, default=1e-3, help="Learning rate for MLP-based buzzer.") def add_guesser_params(parser): parser.add_argument('--guesser_type', type=str, default="Tfidf") @@ -175,7 +178,15 @@ def load_buzzer(flags, load=False): if flags.buzzer_type == "LogisticBuzzer": from logistic_buzzer import LogisticBuzzer buzzer = LogisticBuzzer(flags.LogisticBuzzer_filename, flags.run_length, flags.num_guesses) - + elif flags.buzzer_type == "MLP": + from mlp_buzzer import MLPBuzzer + buzzer = MLPBuzzer( + filename=flags.MLPBuzzer_filename, + run_length=flags.run_length, + num_guesses=flags.num_guesses, + hidden_dims=flags.mlp_hidden_dims, + learning_rate=flags.mlp_learning_rate, + ) if load: buzzer.load() @@ -216,6 +227,27 @@ def load_buzzer(flags, load=False): feature = LengthFeature(ff) buzzer.add_feature(feature) features_added.add(ff) + if ff == "Category": + from features import CategoryFeature + feature = CategoryFeature(ff) + buzzer.add_feature(feature) + features_added.add(ff) + if ff == "Frequency": + from features import FrequencyFeature + feature = FrequencyFeature(ff) + feature.add_training("../data/qanta.buzztrain.json.gz") + buzzer.add_feature(feature) + features_added.add(ff) + if ff == "ContextualMatch": + from features import ContextualMatchFeature + feature = ContextualMatchFeature(ff) + buzzer.add_feature(feature) + features_added.add(ff) + if ff == "PreviousGuess": + from features import PreviousGuessFeature + feature = PreviousGuessFeature(ff) + buzzer.add_feature(feature) + features_added.add(ff) if len(flags.features) != len(features_added): error_message = "%i features on command line (%s), but only added %i (%s). " diff --git a/feateng/qanta_stdout_stderr.txt b/feateng/qanta_stdout_stderr.txt new file mode 100644 index 000000000..4de6b2701 --- /dev/null +++ b/feateng/qanta_stdout_stderr.txt @@ -0,0 +1,2044 @@ +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:Buzzer using run length 100 +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:125288 entries added to cache +INFO:root:125288 entries added to cache +INFO:root:Adding Gpr to Buzzer (total guessers=1) +ERROR:root:1 features on command line (['']), but only added 0 (set()). Did you add code to params.py's load_buzzer to actually add the feature to the buzzer? Or did you forget to increment features_added in that function? +INFO:root:Loading questions from ../data/qanta.buzztrain.json.gz +INFO:root:Read 50 questions +INFO:root:Generating runs of length 100 +Setting up logging +Loading buzzer +Initializing features: [''] +dataset: ../data/qanta.buzztrain.json.gz + 0%| | 0/50 [00:00 mlp_no_features diff --git a/feateng/requirements.txt b/feateng/requirements.txt index dbd981224..f809b3681 100644 --- a/feateng/requirements.txt +++ b/feateng/requirements.txt @@ -1,13 +1,60 @@ -zimply -python-baseconv -gensim -pandas +# Provided packages +zimply==1.1.4 +python-baseconv==1.2.2 +gensim==4.3.2 +pandas==2.1.3 torch -torchvision -unidecode -spacy -openai -tqdm -nltk -bs4 -scikit-learn +torchvision==0.17.2 +unidecode==1.3.7 +spacy==3.7.6 +openai==0.28.0 +tqdm==4.66.5 +nltk==3.8.1 +bs4==0.0.2 +scikit-learn==1.3.2 +sentence-transformers +plotnine # Add version if known +faiss-cpu # Add version if known +transformers==4.45.1 +datasets==3.0.1 +evaluate # Add version if known +accelerate>=0.26.0 # Add version if known + +# Additional packages from env.txt +aiofiles==23.2.1 +altair==5.3.0 +annotated-types==0.6.0 +APScheduler==3.10.4 +backports.tarfile==1.2.0 +beautifulsoup4==4.12.3 +bertopic==0.16.2 +cycler==0.12.1 +Cython==0.29.37 +dill==0.3.8 +falcon==3.1.3 +filelock==3.13.1 +fonttools==4.49.0 +fsspec==2023.6.0 +gevent==24.2.1 +huggingface-hub==0.25.1 +joblib==1.3.2 +langcodes==3.3.0 +matplotlib==3.8.3 +Mako==1.3.2 +multiprocess==0.70.16 +networkx==3.2.1 +pyarrow==16.0.0 +pyparsing==3.1.2 +regex==2023.10.3 +requests==2.32.3 +scipy==1.13.0 +spacy-legacy==3.0.12 +spacy-loggers==1.0.5 +srsly==2.4.8 +sympy==1.12 +thinc==8.2.3 +threadpoolctl==3.2.0 +typing_extensions==4.12.2 +wasabi==1.1.2 +zope.event==5.0 +zope.interface==6.2 \ No newline at end of file diff --git a/feateng/summary/MLP_LogisticBuzzer_eval_summary.csv b/feateng/summary/MLP_LogisticBuzzer_eval_summary.csv new file mode 100644 index 000000000..eaea72a75 --- /dev/null +++ b/feateng/summary/MLP_LogisticBuzzer_eval_summary.csv @@ -0,0 +1,3 @@ +Features,Buzzer Type,Filename Stem,Loss Function,Training Limit,Testing Limit,Training Dataset,Test Dataset,Evaluation,best %,timid %,hit %,close %,miss %,aggressive %,waiting %,Questions Right,Total,Accuracy,Buzz Ratio,Buzz Position +"['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess']",MLP,mlp_with_all_features,BuzzLoss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,0.3880597014925373,0.18407960199004975,,,,0.0945273631840796,0.3333333333333333,78,201,0.7213930348258707,0.3407960199004975,0.16848695192771557 +"['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess']",LogisticBuzzer,logit_with_all_features,Logistic Loss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,0.38308457711442784,0.1890547263681592,,,,0.09950248756218906,0.3283582089552239,77,201,0.7114427860696517,0.3333333333333333,0.08855083405440574 diff --git a/feateng/summary/compare_buzzers_concurrently_eval_summary.csv b/feateng/summary/compare_buzzers_concurrently_eval_summary.csv new file mode 100644 index 000000000..ca4ca2f8f --- /dev/null +++ b/feateng/summary/compare_buzzers_concurrently_eval_summary.csv @@ -0,0 +1,2 @@ +Features,Buzzer Type,Filename Stem,Loss Function,Training Limit,Testing Limit,Training Dataset,Test Dataset,Evaluation,waiting %,best %,aggressive %,timid %,Questions Right,Total,Accuracy,Buzz Ratio,Buzz Position +"['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess']",MLP,mlp_with_all_features,BuzzLoss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,0.3333333333333333,0.3880597014925373,0.0945273631840796,0.18407960199004975,78,201,0.7213930348258707,0.3407960199004975,0.16848695192771557 diff --git a/feateng/summary/compare_buzzers_eval_summary.csv b/feateng/summary/compare_buzzers_eval_summary.csv new file mode 100644 index 000000000..59f279294 --- /dev/null +++ b/feateng/summary/compare_buzzers_eval_summary.csv @@ -0,0 +1,2 @@ +Features,Buzzer Type,Filename Stem,Loss Function,Training Limit,Testing Limit,Training Dataset,Test Dataset,Evaluation,best %,timid %,hit %,close %,miss %,aggressive %,waiting %,Questions Right,Total,Accuracy,Buzz Ratio,Buzz Position +"['Length', 'Frequency', 'Category', 'ContextualMatch', 'PreviousGuess']",LogisticBuzzer,logit_with_all_features,Logistic Loss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,0.38308457711442784,0.1890547263681592,,,,0.09950248756218906,0.3283582089552239,77,201,0.7114427860696517,0.3333333333333333,0.08855083405440574 diff --git a/feateng/summary/duplicate_rows_log.csv b/feateng/summary/duplicate_rows_log.csv new file mode 100644 index 000000000..408fd2b3e --- /dev/null +++ b/feateng/summary/duplicate_rows_log.csv @@ -0,0 +1,3 @@ +Features,Buzzer Type,Filename Stem,Loss Function,Training Limit,Testing Limit,Training Dataset,Test Dataset,Evaluation,best %,timid %,hit %,close %,miss %,aggressive %,waiting %,Questions Right,Total,Accuracy,Buzz Ratio,Buzz Position +[],MLP,mlp_no_features,BuzzLoss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,,0.572139303482587,,,,,0.42786069651741293,0,201,0.42786069651741293,0.0,0.0 +['Frequency'],MLP,mlp_with_frequency,BuzzLoss,50,25,../data/qanta.buzztrain.json.gz,../data/qanta.buzzdev.json.gz,buzzer,,0.572139303482587,,,,,0.42786069651741293,0,201,0.42786069651741293,0.0,0.0 diff --git a/feateng/summary/error_log_logit_no_features.txt b/feateng/summary/error_log_logit_no_features.txt new file mode 100644 index 000000000..294f9153a --- /dev/null +++ b/feateng/summary/error_log_logit_no_features.txt @@ -0,0 +1,22 @@ +INFO:root:Loading questions from ../data/qanta.buzzdev.json.gz +INFO:root:Read 25 questions +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:9415 entries added to cache +INFO:root:Buzzer using run length 100 +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:9415 entries added to cache +INFO:root:9415 entries added to cache +INFO:root:Adding Gpr to Buzzer (total guessers=1) +ERROR:root:1 features on command line (['']), but only added 0 (set()). Did you add code to params.py's load_buzzer to actually add the feature to the buzzer? Or did you forget to increment features_added in that function? +INFO:root:Generating runs of length 100 + 0%| | 0/25 [00:00 + buzzer = load_buzzer(flags, load=True) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/params.py", line 185, in load_buzzer + buzzer.load() + File "/Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/logistic_buzzer.py", line 29, in load + Buzzer.load(self) + File "/Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/buzzer.py", line 290, in load + with open("%s.featurizer.pkl" % self.filename, 'rb') as infile: + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +FileNotFoundError: [Errno 2] No such file or directory: 'models/mlpwith_all_features.featurizer.pkl' +Error for subset ('Length', 'Frequency'): Command '['/Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/.venv/bin/python', 'eval.py', '--guesser_type=Gpr', '--TfidfGuesser_filename=models/TfidfGuesser', '--limit', '25', '--questions', '../data/qanta.buzzdev.json.gz', '--buzzer_guessers', 'Gpr', '--GprGuesser_filename', '../models/buzzdev_gpt4o_cache', '--LogisticBuzzer_filename=models/mlpwith_all_features', '--evaluate', 'buzzer', '--output_json', 'summary/eval_output_mlpwith_all_features.json', '--features', 'Length', 'Frequency']' returned non-zero exit status 1. +Buzzer command: /Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/.venv/bin/python buzzer.py --guesser_type=Gpr --limit 50 --GprGuesser_filename ../models/buzztrain_gpt4o_cache --questions ../data/qanta.buzztrain.json.gz --buzzer_guessers Gpr --buzzer_type MLP --features Length Frequency --LogisticBuzzer_filename=models/mlpwith_all_features +Eval command: /Users/ankit.aggarwal/Dropbox/Stanford/CS230 - Deep Learning/QANTA Final Project/nlp-hw/feateng/.venv/bin/python eval.py --guesser_type=Gpr --TfidfGuesser_filename=models/TfidfGuesser --limit 25 --questions ../data/qanta.buzzdev.json.gz --buzzer_guessers Gpr --GprGuesser_filename ../models/buzzdev_gpt4o_cache --LogisticBuzzer_filename=models/mlpwith_all_features --evaluate buzzer --output_json summary/eval_output_mlpwith_all_features.json --features Length Frequency +Output JSON file was empty or not generated. diff --git a/feateng/summary/error_log_no_features.txt b/feateng/summary/error_log_no_features.txt new file mode 100644 index 000000000..0293bc136 --- /dev/null +++ b/feateng/summary/error_log_no_features.txt @@ -0,0 +1,22 @@ +INFO:root:Loading questions from ../data/qanta.buzzdev.json.gz +INFO:root:Read 25 questions +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:9415 entries added to cache +INFO:root:Buzzer using run length 100 +INFO:root:Using device 'cpu' (cuda flag=False) +INFO:root:Initializing guesser of type Gpr +INFO:root:Loading Gpr guesser +INFO:root:9415 entries added to cache +INFO:root:9415 entries added to cache +INFO:root:Adding Gpr to Buzzer (total guessers=1) +ERROR:root:1 features on command line (['']), but only added 0 (set()). Did you add code to params.py's load_buzzer to actually add the feature to the buzzer? Or did you forget to increment features_added in that function? +INFO:root:Generating runs of length 100 + 0%| | 0/25 [00:00 {filename_stem}") + time.sleep(1) + # Run the buzzer.py command + subprocess.run(buzzer_command, check=True) + + # Add an explicit delay to ensure I/O has sufficient time to complete + time.sleep(2) + + eval_output_log = f"evals/eval_output_{filename_stem}.txt" + with open(eval_output_log, "w") as out_f, open(error_log_file, "w") as err_f: + subprocess.run(eval_command, stdout=out_f, stderr=err_f, check=True) + + + # Add an explicit delay before checking output + time.sleep(2) + + # Retry logic for validating the output + max_retries = 3 + retry_delay = 2 # seconds + for attempt in range(max_retries): + validation_result = validate_json_output(output_json) + if isinstance(validation_result, dict): + # Successfully validated + eval_results = validation_result + break + else: + # Log the retry attempt + with open(error_log_file, "a") as err_f: + err_f.write(f"Attempt {attempt + 1}: {validation_result}\n") + time.sleep(retry_delay) + else: + # If all retries fail, raise an error + raise ValueError(f"Failed to validate JSON output after {max_retries} attempts: {output_json}") + + loss_function = LOSS_FUNCTIONS.get(buzzer_type, "Unknown") + + # Create a DataFrame for the new row + new_row_df = pd.DataFrame([{ + "Features": list(subset), + "Buzzer Type": buzzer_type, + "Filename Stem": filename_stem, + "Loss Function": loss_function, # Include the loss function dynamically + "Training Limit": training_limit, + "Testing Limit": testing_limit, + "Training Dataset": training_dataset, + "Test Dataset": test_dataset, + "Evaluation": evaluation, + **eval_results["outcome_percentages"], + "Questions Right": eval_results["questions_right"], + "Total": eval_results["total"], + "Accuracy": eval_results["accuracy"], + "Buzz Ratio": eval_results["buzz_ratio"], + "Buzz Position": eval_results["buzz_position"] + }]) + + # Validate that the new row is not a duplicate of existing rows + + # if not results_df[columns_to_check].duplicated().any(): + # # Use pd.concat to add the new row to results_df + # results_df = pd.concat([results_df, new_row_df], ignore_index=True) + # else: + # print(f"Warning: Duplicate row detected for subset {subset}. Skipping row addition.") + + except Exception as e: + # Detailed error logging + with open(error_log_file, "a") as err_file: + err_file.write(f"Error for subset {subset}: {e}\n") + err_file.write(f"Buzzer command: {' '.join(buzzer_command)}\n") + err_file.write(f"Eval command: {' '.join(eval_command)}\n") + if os.path.exists(output_json) and os.path.getsize(output_json) > 0: + err_file.write("Output JSON file was partially written or corrupted.\n") + else: + err_file.write("Output JSON file was empty or not generated.\n") + + print(f"Subset {subset} generated an exception: {e}. Check {error_log_file} for details.") + continue + +# Sort the DataFrame by descending order of Buzz Ratio +if not results_df.empty: + columns_to_check = results_df.columns[results_df.columns.get_loc("waiting %"):] + results_df = results_df.sort_values(by="Buzz Ratio", ascending=False) + + # Validate and remove duplicate rows + duplicates = results_df.duplicated(subset=columns_to_check, keep=False) + if duplicates.any(): + print("Warning: Duplicate rows found in the CSV output.") + duplicate_rows = results_df[duplicates] + duplicate_log_path = f"summary/{filename_stem}_duplicate_rows_log.csv" + duplicate_rows.to_csv(duplicate_log_path, index=False) + print(f"Duplicate rows have been saved to {duplicate_log_path}") + + # Remove duplicates and save a new CSV without them + results_df.drop_duplicates(subset=columns_to_check, keep='first', inplace=True) + + # Export the DataFrame as CSV + results_df.to_csv(f"summary/{filename_stem}_eval_summary.csv", index=False) +else: + print("No results were generated, possibly due to errors in processing.")