diff --git a/.gitignore b/.gitignore index 4d7586c..c85927f 100644 --- a/.gitignore +++ b/.gitignore @@ -129,10 +129,13 @@ dmypy.json # Pyre type checker .pyre/ - data docker results nb_* .Trash-0 -*.sh \ No newline at end of file +*.sh +.DS_Store +experiments +*.tar.gz +*.zip diff --git a/calculate_representativeness.py b/calculate_representativeness.py new file mode 100644 index 0000000..9718726 --- /dev/null +++ b/calculate_representativeness.py @@ -0,0 +1,54 @@ +from lm_survey.survey import SurveyResults +import numpy as np +from lm_survey.helpers import * +import os +import json +from lm_survey.survey import DependentVariableSample +import glob +import pandas as pd +import sys + + +# Grab all the files called "results.json" in the "experiments" directory +input_filepaths = Path("experiments/breadth").glob( + "**/*davinci*/results.json", +) + + +# read input filepaths into pandas dfs +mean_reps = {} + +question_samples = [] +for input_filepath in list(input_filepaths): + question_samples += filepath_to_dvs_list(input_filepath, add_weights=True) + # wave = input_filepath.split("/")[3][-3:] + # mean_reps[wave] = survey_results.get_representativeness() + + survey_results = SurveyResults(question_samples=question_samples) + rep = survey_results.get_representativeness( + survey_results.df.groupby("variable_name") + ) + print(rep.mean()) + + +# print("Average representativeness: ", np.mean(list(mean_reps.values()))) +# print( +# "Average representativeness per : \n", +# [f"{k}: {v}\n" for k, v in mean_reps.items()], +# ) + + +# with open(input_filepath, "r") as file: +# results = json.load(file) + +# question_samples = [ +# DependentVariableSample( +# **sample_dict, +# ) +# for sample_dict in results["llama-7b-hf"] +# ] + +# survey_results = SurveyResults(question_samples=question_samples) + +# # Print with 2 decimal places +# print(survey_results.get_mean_score(slice_by=["gender"]).round(2)) diff --git a/check_survey_prompts.py b/check_survey_prompts.py new file mode 100644 index 0000000..fb2494a --- /dev/null +++ b/check_survey_prompts.py @@ -0,0 +1,70 @@ +import argparse +import json +import os +import typing +from pathlib import Path + +from tqdm import tqdm + +from lm_survey.survey import Survey + + +def check_survey_prompts( + survey_name: str, + experiment_name: str, +): + data_dir = os.path.join("data", survey_name) + variables_dir = os.path.join("variables", survey_name) + experiment_dir = os.path.join("experiments", experiment_name, survey_name) + + with open(os.path.join(experiment_dir, "config.json"), "r") as file: + config = json.load(file) + + print(os.path.join(variables_dir, "variables.json")) + + survey = Survey( + name=survey_name, + data_filename=os.path.join(data_dir, "data.csv"), + variables_filename=os.path.join(variables_dir, "variables.json"), + independent_variable_names=config["independent_variable_names"], + dependent_variable_names=config["dependent_variable_names"], + ) + + next_survey_sample = next(survey.iterate()) + print(f"## EXAMPLE PROMPT FOR {data_dir}:") + print() + print('"""') + print( + f"{next_survey_sample.prompt}█{next_survey_sample.completion.correct_completion}" + ) + print('"""') + print() + print(f"## DEMOGRAPHICS NATURAL LANGUAGE SUMMARY FOR {data_dir}:") + print() + survey.print_demographics_natural_language_summary() + + +def main(survey_directories: typing.List[Path], experiment_name: str) -> None: + for survey_directory in survey_directories: + check_survey_prompts(survey_directory, experiment_name) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + + # Positional argument for survey dir(s) + parser.add_argument( + "survey_directory", + nargs="+", + type=Path, + ) + parser.add_argument( + "-e", + "--experiment_name", + type=str, + default="default", + ) + + args = parser.parse_args() + + main(survey_directories=args.survey_directory, experiment_name=args.experiment_name) diff --git a/configure_atp.py b/configure_atp.py new file mode 100644 index 0000000..9c73c23 --- /dev/null +++ b/configure_atp.py @@ -0,0 +1,39 @@ +import argparse +import json +import os +from pathlib import Path + +from lm_survey.survey.survey import Survey + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "wave", type=Path, nargs="+", help="Path(s) to wave of ATP to configure" + ) + parser.add_argument("output_path", type=Path, help="Path to output directory") + parser.add_argument( + "--base-variables", type=Path, help="Path to optional base variables" + ) + args = parser.parse_args() + + base_variables = None + if args.base_variables: + with args.base_variables.open("r") as f: + base_variables = json.load(f) + + for wave in args.wave: + survey = Survey(name="ATP_W92", data_filename=wave / "data.csv") + + wave_output_dir = args.output_path / wave + wave_output_dir.mkdir(parents=True, exist_ok=True) + + output_variables_path = wave_output_dir / "variables.json" + survey.generate_atp_variables(wave, wave_output_dir / "variables.json") + + # This is a simple way to put some extra stuff in the variables file + if base_variables: + with output_variables_path.open("r") as f: + variables = json.load(f) + variables.extend(base_variables) + with output_variables_path.open("w") as f: + json.dump(variables, f, indent=2) diff --git a/create_atp_experiment.py b/create_atp_experiment.py new file mode 100644 index 0000000..89d2a72 --- /dev/null +++ b/create_atp_experiment.py @@ -0,0 +1,56 @@ +import argparse +import json +from pathlib import Path + +import pandas as pd +from tqdm import tqdm + + +def main(survey_name: str, experiment_name: str) -> None: + data_dir = Path("data") / survey_name + experiment_dir = Path("experiments") / experiment_name / survey_name + + # create experiment dir + if not experiment_dir.exists(): + experiment_dir.mkdir(parents=True, exist_ok=True) + + info_csv_path = data_dir / "info.csv" + metadata_csv_path = data_dir / "metadata.csv" + + info_df = pd.read_csv(info_csv_path) + metadata_df = pd.read_csv(metadata_csv_path) + + experiment_config = { + "independent_variable_names": list(metadata_df["key"]), + "dependent_variable_names": list(info_df["key"]) + } + + with (experiment_dir / "config.json").open("w") as file: + json.dump(experiment_config, file, indent=4) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + + parser.add_argument( + "-s", + "--survey_name", + type=str, + default="all", + ) + parser.add_argument( + "-e", + "--experiment_name", + type=str, + default="default", + ) + + args = parser.parse_args() + + if args.survey_name == "all": + paths = sorted(Path("data").glob("ATP/American*/")) + for path in tqdm(paths): + args.survey_name = str(path.relative_to("data")) + main(survey_name=args.survey_name, experiment_name=args.experiment_name) + else: + main(survey_name=args.survey_name, experiment_name=args.experiment_name) diff --git a/estimate_survey.py b/estimate_survey.py new file mode 100644 index 0000000..882b689 --- /dev/null +++ b/estimate_survey.py @@ -0,0 +1,147 @@ +import argparse +import json +import os +import typing + +import numpy as np +import pandas as pd +from tqdm import tqdm + +from lm_survey.samplers import AutoSampler, BaseSampler +from lm_survey.survey import Survey +from pathlib import Path + + +def estimate_survey_costs( + sampler: BaseSampler, + survey_name: str, + experiment_name: str, + *, + n_samples_per_dependent_variable: typing.Optional[int] = None, +): + data_dir = os.path.join("data", survey_name) + variables_dir = os.path.join("variables", survey_name) + experiment_dir = os.path.join("experiments", experiment_name, survey_name) + + with open(os.path.join(experiment_dir, "config.json"), "r") as file: + config = json.load(file) + + survey = Survey( + name=survey_name, + data_filename=os.path.join(data_dir, "data.csv"), + variables_filename=os.path.join(variables_dir, "variables.json"), + independent_variable_names=config["independent_variable_names"], + dependent_variable_names=config["dependent_variable_names"], + ) + + dependent_variable_samples = list( + survey.iterate( + n_samples_per_dependent_variable=n_samples_per_dependent_variable + ) + ) + + prompt_count = len(dependent_variable_samples) + + if hasattr(sampler, "batch_estimate_prompt_cost"): + completion_costs = sampler.batch_estimate_prompt_cost( + [ + dependent_variable_sample.prompt + for dependent_variable_sample in dependent_variable_samples + ] + ) + else: + completion_costs = [] + for dependent_variable_sample in tqdm(dependent_variable_samples): + completion_cost = sampler.estimate_prompt_cost( + dependent_variable_sample.prompt + ) + completion_costs.append(completion_cost) + + total_completion_cost = np.sum(completion_costs) + + return { + "prompt_count": prompt_count, + "cost": total_completion_cost, + } + + +def main( + model_name: str, + survey_names: typing.List[str], + experiment_name: str, + n_samples_per_dependent_variable: typing.Optional[int] = None, +) -> None: + sampler = AutoSampler(model_name=model_name) + + survey_costs = {} + for survey_name in tqdm(survey_names): + estimate = estimate_survey_costs( + sampler=sampler, + survey_name=survey_name, + experiment_name=experiment_name, + n_samples_per_dependent_variable=n_samples_per_dependent_variable, + ) + survey_costs[survey_name] = estimate + + total_cost = sum([estimate["cost"] for estimate in survey_costs.values()]) + + total_prompt_count = sum( + [estimate["prompt_count"] for estimate in survey_costs.values()] + ) + + if len(survey_names) > 1: + print(f"Cost per survey:") + for survey_name, survey_cost in survey_costs.items(): + print( + f"{survey_name}: ${(survey_cost['cost'] / 100):.2f} ({survey_cost['prompt_count']}" + " prompts)" + ) + + print(f"Total cost: ${(total_cost / 100):.2f} ({total_prompt_count} prompts)") + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + + parser.add_argument( + "-m", + "--model_name", + type=str, + required=True, + ) + parser.add_argument( + "-n", + "--n_samples_per_dependent_variable", + type=int, + ) + parser.add_argument( + "-e", + "--experiment_name", + type=str, + default="default", + ) + # Positional argument for survey dir(s) + parser.add_argument( + "survey_name", + # nargs="+", + type=str, + ) + + args = parser.parse_args() + + if args.survey_name == "all": + paths = sorted(Path("data").glob("ATP/American*/")) + survey_names = [path.relative_to("data") for path in paths] + main( + model_name=args.model_name, + survey_names=survey_names, + experiment_name=args.experiment_name, + n_samples_per_dependent_variable=args.n_samples_per_dependent_variable, + ) + else: + main( + model_name=args.model_name, + survey_names=args.survey_name, + experiment_name=args.experiment_name, + n_samples_per_dependent_variable=args.n_samples_per_dependent_variable, + ) diff --git a/example_configure_survey.py b/example_configure_survey.py index 2e1c453..990f80a 100644 --- a/example_configure_survey.py +++ b/example_configure_survey.py @@ -1,16 +1,13 @@ from lm_survey.survey.survey import Survey -import argparse import os if __name__ == "__main__": - survey_directory = os.path.join("data", "ATP", "American_Trends_Panel_W92") survey = Survey( name="ATP_W92", - data_filename=os.path.join(survey_directory, "responses.csv"), + data_filename=os.path.join(survey_directory, "data.csv"), + variables_filename=os.path.join(survey_directory, "variables.json"), ) - survey.generate_config(os.path.join(survey_directory, "config.json")) - -# test + survey.generate_variables_file(os.path.join(survey_directory, "variables.json")) diff --git a/lm_survey/helpers.py b/lm_survey/helpers.py new file mode 100644 index 0000000..2c3c3ca --- /dev/null +++ b/lm_survey/helpers.py @@ -0,0 +1,53 @@ +import typing +import json +from pathlib import Path +from lm_survey.survey.dependent_variable_sample import DependentVariableSample +import pandas as pd + + +def json_to_dvs_list( + results: typing.List[typing.Dict[str, typing.Any]], + add_weights: bool = False, +): + """add_weights looks at the original data corresponding to the results object and extracts the weights from there before generating DVSs""" + + if add_weights: + wave = results[0]["variable_name"][-3:] + input_filepath = ( + Path("data") / f"ATP/American_Trends_Panel_{wave}/responses.csv" + ) + + original_df = pd.read_csv(input_filepath) + weight_key = [w for w in original_df.columns if w == f"WEIGHT_{wave}"] + assert len(weight_key) == 1 + weight_key = weight_key[0] + weights = original_df[weight_key] + + for result in results: + result["weight"] = weights.loc[result["index"]] + + dvs_list = [ + DependentVariableSample( + **sample_dict, + ) + for sample_dict in results + ] + return dvs_list + + +def filepath_to_dvs_list( + filepath: typing.Union[str, Path], + add_weights: bool = False, +): + with open(filepath, "r") as file: + results = json.load(file) + return json_to_dvs_list(results, add_weights=add_weights) + + +def dvs_list_to_json_file( + dvs_list: typing.List[DependentVariableSample], + filepath: typing.Union[str, Path], +): + results = [question_sample.to_dict() for question_sample in dvs_list] + with open(filepath, "w") as file: + json.dump(results, file) diff --git a/lm_survey/samplers/__init__.py b/lm_survey/samplers/__init__.py index ff67908..114515f 100644 --- a/lm_survey/samplers/__init__.py +++ b/lm_survey/samplers/__init__.py @@ -2,3 +2,4 @@ from lm_survey.samplers.auto_sampler import AutoSampler from lm_survey.samplers.hf_sampler import HfSampler from lm_survey.samplers.openai_sampler import OpenAiSampler +from lm_survey.samplers.async_openai_sampler import AsyncOpenAiSampler diff --git a/lm_survey/samplers/async_openai_sampler.py b/lm_survey/samplers/async_openai_sampler.py new file mode 100644 index 0000000..ec94964 --- /dev/null +++ b/lm_survey/samplers/async_openai_sampler.py @@ -0,0 +1,95 @@ +import sys + +import openai +from openai.error import RateLimitError + +import torch +from aiolimiter import AsyncLimiter + +from lm_survey.samplers.base_sampler import BaseSampler + +# Constants for throttling +OPENAI_RPM = 3000 + + +class AsyncOpenAiSampler(BaseSampler): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + if "async-gpt3" in self.model_name: + # engine is all text after 'async-gpt3-' + self.engine = "-".join(self.model_name.split("-")[2:]) + else: + self.engine = self.model_name + + self._async_limiter = AsyncLimiter(OPENAI_RPM) + + print(f"Using async {self.engine} engine.") + + if openai.api_key is None: + raise ValueError("OpenAI API key must be set") + + async def rank_completions(self, prompt, completions): + # 100 is the maximum number of log probs we can get. + top_log_probs, response = await self.send_prompt(prompt, n_probs=100) + + log_probs = torch.tensor( + [ + top_log_probs.get(completion, -torch.inf) + for completion in completions + ] + ) + + normalized_log_probs = torch.nn.functional.log_softmax(log_probs, dim=0) + + completion_log_probs = { + completion: normalized_log_prob.item() + for completion, normalized_log_prob in zip( + completions, normalized_log_probs + ) + } + + return completion_log_probs, response + + async def _throttled_completion(self, **kwargs): + while True: + # We do this inside of the loop so that retries respect the rate limit too. + async with self._async_limiter: + try: + return await openai.Completion.acreate( + engine=self.engine, **kwargs + ) + except RateLimitError: + continue + + async def send_prompt(self, prompt, n_probs=100, **kwargs): + try: + response = await self._throttled_completion( + prompt=prompt, + max_tokens=1, + logprobs=n_probs, + temperature=0, + **kwargs, + ) + logprobs = response["choices"][0]["logprobs"]["top_logprobs"][0] # type: ignore + # sort dictionary by values + sorted_logprobs = dict( + sorted(logprobs.items(), key=lambda x: x[1], reverse=True) + ) + return sorted_logprobs, response + except Exception as e: + print(e) + if self.logger: + self.logger.exception(e) + return {}, None + + async def sample_several(self, prompt, temperature=0, n_tokens=10): + response = await self._throttled_completion( + prompt=prompt, + max_tokens=n_tokens, + temperature=temperature, + ) + return response["choices"][0]["text"], response # type: ignore + + def estimate_prompt_cost(self, prompt: str, **kwargs) -> float: + raise NotImplementedError diff --git a/lm_survey/samplers/auto_sampler.py b/lm_survey/samplers/auto_sampler.py index 9a72eda..2464b94 100644 --- a/lm_survey/samplers/auto_sampler.py +++ b/lm_survey/samplers/auto_sampler.py @@ -1,16 +1,19 @@ from lm_survey.samplers.hf_sampler import HfSampler from lm_survey.samplers.openai_sampler import OpenAiSampler +from lm_survey.samplers.async_openai_sampler import AsyncOpenAiSampler from lm_survey.samplers.base_sampler import BaseSampler class AutoSampler(BaseSampler): - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - if self.model_name.startswith("gpt3") or self.model_name.startswith("gpt4"): - self.sampler = OpenAiSampler(*args, **kwargs) + def __init__(self, model_name: str, *args, **kwargs): + if model_name.startswith("gpt3") or model_name.startswith("gpt4"): + self.sampler = OpenAiSampler(model_name, *args, **kwargs) + elif model_name.startswith("async-gpt3") or model_name.startswith( + "async-gpt4" + ): + self.sampler = AsyncOpenAiSampler(model_name, *args, **kwargs) else: - self.sampler = HfSampler(*args, **kwargs) + self.sampler = HfSampler(model_name, *args, **kwargs) def rank_completions(self, prompt, completions): return self.sampler.rank_completions(prompt, completions) @@ -21,10 +24,16 @@ def send_prompt(self, prompt, n_probs): def sample_several(self, prompt, temperature=0, n_tokens=10): return self.sampler.sample_several(prompt, temperature, n_tokens) + def estimate_prompt_cost(self, prompt: str) -> float: + return self.sampler.estimate_prompt_cost(prompt) + + def __getattr__(self, attr): + return getattr(self.sampler, attr) + if __name__ == "__main__": sampler = AutoSampler("gpt3-ada") - text = sampler.get_best_next_token( + text, response = sampler.get_best_next_token( prompt="What is the capital of France?\nThe capital of France is", - ) + ) # type: ignore print(text) diff --git a/lm_survey/samplers/base_sampler.py b/lm_survey/samplers/base_sampler.py index 420565c..cc238c2 100644 --- a/lm_survey/samplers/base_sampler.py +++ b/lm_survey/samplers/base_sampler.py @@ -1,5 +1,9 @@ from abc import ABCMeta, abstractmethod import typing +import logging + +T = typing.TypeVar("T") +MaybeAwaitable = typing.Union[T, typing.Awaitable[T]] class BaseSampler(metaclass=ABCMeta): @@ -8,13 +12,17 @@ def __init__( model_name: str, state_dict_path: typing.Optional[str] = None, config_path: typing.Optional[str] = None, + logger: typing.Optional[logging.Logger] = None, ): self.model_name = model_name self.state_dict_path = state_dict_path self.config_path = config_path + self.logger = logger @abstractmethod - def send_prompt(self, prompt: str, n_probs: int, **kwargs) -> typing.Dict[str, int]: + def send_prompt( + self, prompt: str, n_probs: int, **kwargs + ) -> MaybeAwaitable[typing.Tuple[typing.Dict[str, int], typing.Any]]: """ Sends the given prompt to a LM. Arguments: @@ -28,10 +36,12 @@ def send_prompt(self, prompt: str, n_probs: int, **kwargs) -> typing.Dict[str, i @abstractmethod def rank_completions( self, prompt: str, completions: typing.List[str] - ) -> typing.Dict[str, float]: + ) -> MaybeAwaitable[typing.Tuple[typing.Dict[str, float], typing.Any]]: pass - def get_best_next_token(self, prompt: str, **kwargs) -> str: + def get_best_next_token( + self, prompt: str, **kwargs + ) -> MaybeAwaitable[typing.Tuple[str, typing.Any]]: """ Generates a sequence of tokens from a prompt. Arguments: @@ -40,5 +50,30 @@ def get_best_next_token(self, prompt: str, **kwargs) -> str: Return: str a generated sequence """ - logprobs = self.send_prompt(prompt=prompt, n_probs=1, **kwargs) - return list(logprobs.keys())[0] + # TODO(vinhowe): This is an AWFUL way to do this and it is SO FRAGILE + if not self.model_name.startswith("async"): + logprobs, response = self.send_prompt( + prompt=prompt, n_probs=1, **kwargs + ) + return list(logprobs.keys())[0], response + + async def _get_best_next_token(): + logprobs, response = await self.send_prompt( + prompt=prompt, n_probs=1, **kwargs + ) + return list(logprobs.keys())[0], response + + return _get_best_next_token() + + @abstractmethod + def estimate_prompt_cost( + self, prompt: str, **kwargs + ) -> MaybeAwaitable[float]: + """ + Estimates the cost of sending the given prompt to a LM. + Arguments: + prompt (str) a prompt to be sent to LM + Return: + float the estimated cost of sending the prompt in USD cents + """ + pass diff --git a/lm_survey/samplers/hf_sampler.py b/lm_survey/samplers/hf_sampler.py index 6fc4484..adca6d3 100644 --- a/lm_survey/samplers/hf_sampler.py +++ b/lm_survey/samplers/hf_sampler.py @@ -29,7 +29,7 @@ def __init__(self, *args, **kwargs): def rank_completions( self, prompt: str, completions: typing.List[str] - ) -> typing.Dict[str, float]: + ) -> typing.Tuple[typing.Dict[str, float], typing.Any]: inputs = self.tokenizer( prompt, padding="max_length", @@ -50,14 +50,17 @@ def rank_completions( completion_logits = torch.gather(logits, 0, completion_ids[:, -1]) completion_log_probs = torch.nn.functional.log_softmax(completion_logits, dim=0) - return { - completion: log_prob.item() - for completion, log_prob in zip(completions, completion_log_probs) - } + return ( + { + completion: log_prob.item() + for completion, log_prob in zip(completions, completion_log_probs) + }, + None, + ) def send_prompt( self, prompt: str, n_probs: int, **kwargs - ) -> typing.Dict[str, float]: + ) -> typing.Tuple[typing.Dict[str, float], typing.Any]: inputs = self.tokenizer( prompt, padding="max_length", @@ -89,9 +92,11 @@ def send_prompt( for pred, log_prob in zip(preds, log_probs): self.pred_dict[pred] = log_prob.item() - return self.pred_dict + return self.pred_dict, None - def sample_several(self, prompt, temperature=0, n_tokens=10): + def sample_several( + self, prompt, temperature=0, n_tokens=10 + ) -> typing.Tuple[str, typing.Any]: inputs = self.tokenizer(prompt, return_tensors="pt").to(self.device) tokens = self.model.generate( **inputs, @@ -102,13 +107,16 @@ def sample_several(self, prompt, temperature=0, n_tokens=10): preds = self.tokenizer.batch_decode( tokens, clean_up_tokenization_spaces=True, skip_special_tokens=True ) - return preds[0][len(prompt) + 1 :] + return preds[0][len(prompt) + 1 :], None + + def estimate_prompt_cost(self, _prompt: str, **_kwargs) -> float: + raise NotImplementedError if __name__ == "__main__": sampler = HfSampler(model_name="/mnt/pccfs2/backed_up/models/llama/hf/llama-7b-hf") - completions_dict = sampler.rank_completions( + completions_dict, _ = sampler.rank_completions( prompt="What is the capital of France?\n\nA) Paris\nB) London\nC) Berlin\nD) Rome\n\nAnswer:", completions=["A", "B", "C", "D"], ) diff --git a/lm_survey/samplers/openai_sampler.py b/lm_survey/samplers/openai_sampler.py index cc2bfba..2dedff6 100644 --- a/lm_survey/samplers/openai_sampler.py +++ b/lm_survey/samplers/openai_sampler.py @@ -1,7 +1,26 @@ +import typing + +import tiktoken import torch + from lm_survey.samplers.base_sampler import BaseSampler +import logging import openai +OPENAI_TOKEN_COSTS = { + # cents per 1000 tokens + "text-davinci-003": 2, + "text-davinci-002": 2, + "text-davinci-001": 2, + "text-curie-001": 0.2, + "text-babbage-001": 0.05, + "text-ada-001": 0.04, + "davinci": 2, + "curie": 0.2, + "babbage": 0.05, + "ada": 0.04, +} + class OpenAiSampler(BaseSampler): def __init__(self, *args, **kwargs): @@ -18,24 +37,32 @@ def __init__(self, *args, **kwargs): if openai.api_key is None: raise ValueError("OpenAI API key must be set") - def rank_completions(self, prompt, completions): + self.tokenizer = None + + def rank_completions( + self, prompt, completions + ) -> typing.Tuple[typing.Dict[str, float], typing.Any]: # 100 is the maximum number of log probs we can get. - top_log_probs = self.send_prompt(prompt, n_probs=100) + top_log_probs, response = self.send_prompt(prompt, n_probs=100) log_probs = torch.tensor( - [top_log_probs.get(completion, -torch.inf) for completion in completions] + [top_log_probs.get(completion, -torch.inf) for completion in completions] # type: ignore ) normalized_log_probs = torch.nn.functional.log_softmax(log_probs, dim=0) - return { + completion_log_probs = { completion: normalized_log_prob.item() for completion, normalized_log_prob in zip( completions, normalized_log_probs ) } - def send_prompt(self, prompt, n_probs=100, **kwargs): + return completion_log_probs, response + + def send_prompt( + self, prompt: str, n_probs: int, **kwargs + ) -> typing.Tuple[typing.Dict[str, int], typing.Any]: try: response = openai.Completion.create( engine=self.engine, @@ -50,24 +77,52 @@ def send_prompt(self, prompt, n_probs=100, **kwargs): sorted_logprobs = dict( sorted(logprobs.items(), key=lambda x: x[1], reverse=True) ) - return sorted_logprobs + raise Exception("testing logging") + return sorted_logprobs, response except Exception as e: print(e) - return {} + if self.logger: + self.logger.exception(e) + return {}, None - def sample_several(self, prompt, temperature=0, n_tokens=10): + def sample_several( + self, prompt, temperature=0, n_tokens=10 + ) -> typing.Tuple[str, typing.Any]: response = openai.Completion.create( engine=self.engine, prompt=prompt, max_tokens=n_tokens, temperature=temperature, ) - return response["choices"][0]["text"] # type: ignore + return response["choices"][0]["text"], response # type: ignore + + def _setup_tokenizer(self): + if not self.tokenizer: + self.tokenizer = tiktoken.encoding_for_model(self.engine) + + def estimate_prompt_cost(self, prompt: str): + self._setup_tokenizer() + # +1 for single token completion + token_count = len(self.tokenizer.encode(prompt)) + 1 # type: ignore + return OPENAI_TOKEN_COSTS[self.engine] * token_count / 1000 + + def batch_estimate_prompt_cost( + self, prompts: typing.List[str] + ) -> typing.List[float]: + self._setup_tokenizer() + # +1 for single token completion + token_counts = [ + len(encoded) + 1 for encoded in self.tokenizer.encode_batch(prompts) # type: ignore + ] + return [ + OPENAI_TOKEN_COSTS[self.engine] * (token_count / 1000) + for token_count in token_counts + ] if __name__ == "__main__": sampler = OpenAiSampler("gpt3-ada") - text = sampler.rank_completions( + text, response = sampler.rank_completions( prompt="What is the capital of France?\nThe capital of France is", completions=[" Paris", " London", " Berlin"], ) diff --git a/lm_survey/survey/__init__.py b/lm_survey/survey/__init__.py index 977c1ef..4cc98e9 100644 --- a/lm_survey/survey/__init__.py +++ b/lm_survey/survey/__init__.py @@ -2,7 +2,10 @@ DependentVariableSample, Completion, ) + from lm_survey.survey.survey import Survey from lm_survey.survey.variable import Variable from lm_survey.survey.question import Question, ValidOption from lm_survey.survey.results import SurveyResults + +from pathlib import Path diff --git a/lm_survey/survey/dependent_variable_sample.py b/lm_survey/survey/dependent_variable_sample.py index 54c0bd6..b0cc01e 100644 --- a/lm_survey/survey/dependent_variable_sample.py +++ b/lm_survey/survey/dependent_variable_sample.py @@ -1,8 +1,5 @@ -import functools import typing - -import numpy as np -from lm_survey.survey.variable import Variable +from lm_survey.survey.question import Question class Completion: @@ -11,10 +8,12 @@ def __init__( possible_completions: typing.List[str], correct_completion: str, completion_log_probs: typing.Optional[typing.Dict[str, float]] = None, + response_object: typing.Optional[typing.Dict[str, typing.Any]] = None, **kwargs, ): self.possible_completions = possible_completions self.correct_completion = correct_completion + self.response_object = response_object # For backwards compatibility. completion_log_probs = ( @@ -79,13 +78,15 @@ def get_correct_completion_ranking(self) -> int: for rank, completion in enumerate(self._completion_log_probs.keys()) # type: ignore } - return ranked_completions_dict[self._extract_letter(self.correct_completion)] + return ranked_completions_dict[ + self._extract_letter(self.correct_completion) + ] @property def is_completion_correct(self) -> bool: - return self._extract_letter(self.top_completion) == self._extract_letter( - self.correct_completion - ) + return self._extract_letter( + self.top_completion + ) == self._extract_letter(self.correct_completion) class DependentVariableSample: @@ -94,22 +95,34 @@ def __init__( index: int, independent_variables: typing.Dict[str, str], variable_name: str, - question: str, - prompt: str, + question: typing.Union[Question, typing.Dict[str, typing.Any]], completion: typing.Union[Completion, typing.Dict[str, typing.Any]], + prompt: typing.Optional[str] = None, + chat_prompt: typing.Optional[str] = None, + weight: typing.Optional[float] = None, **kwargs, ) -> None: self.index = index self.independent_variables = independent_variables self.variable_name = variable_name - self.question = question - self.prompt = prompt + if chat_prompt: + self.prompt = chat_prompt + elif prompt: + self.prompt = prompt + if weight: + self.weight = weight + # self.prompt = prompt if isinstance(completion, Completion): self.completion = completion else: self.completion = Completion(**completion) + if isinstance(question, Question): + self.question = question + else: + self.question = Question(**question) + def __str__(self) -> str: sep = "\n\n" prompt = ( @@ -132,5 +145,19 @@ def to_dict(self) -> dict: self_dict = self.__dict__.copy() self_dict["completion"] = self.completion.to_dict() + self_dict["question"] = self.question.to_dict() return self_dict + + def has_response(self) -> bool: + # Check if self_dict['completion']['response_object'] is an empty dictionary + return bool(self.completion.response_object) + + def remove_response(self): + # For testing purposes + copy = DependentVariableSample(**self.to_dict()) + copy.completion.response_object = {} + return copy + + def copy(self): + return DependentVariableSample(**self.to_dict()) diff --git a/lm_survey/survey/question.py b/lm_survey/survey/question.py index 8329ae9..7f269f3 100644 --- a/lm_survey/survey/question.py +++ b/lm_survey/survey/question.py @@ -13,10 +13,12 @@ def __init__( raw: str, text: typing.Optional[str] = None, natural_language: typing.Optional[str] = None, + ordinal: typing.Optional[int] = None, ) -> None: self.raw = raw self.text = text self.natural_language = natural_language + self.ordinal = ordinal def to_dict(self) -> typing.Dict[str, typing.Optional[str]]: return self.__dict__ @@ -27,6 +29,7 @@ def __str__(self) -> str: f"\tRaw: {self.raw}", f"\tText: {self.text}", f"\tNatural Language: {self.natural_language}", + f"\tOrdinal: {self.ordinal}", ] ) @@ -86,6 +89,12 @@ def get_correct_letter(self, row: pd.Series) -> str: f"This row's response is not a valid option: {row[self.key]}" ) + def get_ordinal_per_letter(self) -> typing.Dict[str, typing.Optional[int]]: + return { + MULTIPLE_CHOICE_LIST[i]: option.ordinal + for i, option in enumerate(self.valid_options.values()) + } + def __str__(self): return self.text diff --git a/lm_survey/survey/results.py b/lm_survey/survey/results.py index cb8a567..85c9ddb 100644 --- a/lm_survey/survey/results.py +++ b/lm_survey/survey/results.py @@ -1,18 +1,26 @@ import json import os +import numpy as np import typing import pandas as pd import pandas.core.groupby.generic from lm_survey.survey.dependent_variable_sample import DependentVariableSample +import swifter +from pathlib import Path +from scipy.stats import wasserstein_distance class SurveyResults: def __init__(self, question_samples: typing.List[DependentVariableSample]): df = pd.DataFrame( - data=[self._flatten_layer(sample.to_dict()) for sample in question_samples] + data=[ + self._flatten_layer(sample.to_dict()) + for sample in question_samples + ] ) # Make the index the index column and sort by it df.set_index("index", inplace=True) + df["wave"] = df["variable_name"].str[-3:] self.df = df.sort_index() self._engineer_columns() @@ -76,7 +84,9 @@ def _estimate_standard_error( groups: pandas.core.groupby.generic.DataFrameGroupBy, n_bootstraps: int = 1000, ) -> pd.Series: - bootstraps = pd.concat([self._bootstrap(groups) for _ in range(n_bootstraps)]) + bootstraps = pd.concat( + [self._bootstrap(groups) for _ in range(n_bootstraps)] + ) return bootstraps.groupby(level=0).std() @@ -90,7 +100,8 @@ def get_mean_score(self, slice_by: typing.List[str] = []) -> pd.DataFrame: improvement_lower_bounds = means - baselines - errors scores_df = pd.concat( - [means, errors, baselines, improvement_lower_bounds, n_samples], axis=1 + [means, errors, baselines, improvement_lower_bounds, n_samples], + axis=1, ) scores_df.columns = [ "mean", @@ -102,11 +113,151 @@ def get_mean_score(self, slice_by: typing.List[str] = []) -> pd.DataFrame: return scores_df + def get_accuracy(self): + """Calculcate the accuracy""" + + def get_representativeness( + self, + groups: pandas.core.groupby.generic.DataFrameGroupBy, + # slice_by: typing.List[str] = [] + ): + """ + Calculate the representativeness for each dv and print it + """ + rep = lambda df: 1 - self._get_wd(df) + return groups.apply(rep) + + # How we were doing before + # + # df = self.df.copy() + # reps = [] + # for dv in sorted(df.variable_name.unique()): + # tdf = df[df.variable_name == dv] + # ordinal = [k["ordinal"] for k in tdf.iloc[0]["valid_options"]] + # # If the variable is categorical, skip it + # if len(set(ordinal)) == 1: + # continue + # # Make a dictionary where the keys are the possible_completions and the values are the number of times they appear + # D = {k.strip(): 0.0 for k in tdf.iloc[0]["possible_completions"]} + # D_H = D.copy() + # D_M = D.copy() + # for k, v in ( + # tdf.correct_completion.str.strip() + # .value_counts(normalize=True) + # .items() + # ): + # D_H[k] = v + # for k, v in ( + # tdf.top_completion.str.strip() + # .value_counts(normalize=True) + # .items() + # ): + # D_M[k] = v + + # # Calculate the WD between the columns D_H and D_M + # wd = wasserstein_distance( + # ordinal, ordinal, list(D_H.values()), list(D_M.values()) + # ) / self._get_max_wd(ordinal) + # rep = 1 - wd + # # For a dv, print the keys of D_H and D_M and then their respective values + # tab = 2 + # print("For dv:", dv) + # print(f"{tab * ' '}Rep:", rep) + # # print(f"{tab * ' '}WD:", wd) + # print(f"{tab * ' '}{''.ljust(tab)}D_M D_H") + # for k in D_H.keys(): + # print(f"{tab * ' '}{k.ljust(tab)}{D_M[k]} {D_H[k]}") + # print("\n") + # reps.append(rep) + # mean_score = np.mean(reps) + # return mean_score + + def calculate_avg_samples(self): + """ + Calculate the average number of samples per dv + """ + df = self.df.copy() + f = lambda x: (isinstance(x, dict) and len(x) == 0) + print( + df.variable_name.iloc[0][-3:], + df.completion_log_probs.apply(f).sum(), + df.response_object.apply(f).sum(), + ) + return (df.shape[0] / len(df.variable_name.unique()),) + + def _calculate_D_M(self, df, by_top_completion=True, by_distribution=False): + """Calculate the D_M metric for a dataframe, either by looking at the sampled completion (by_top_completion=True) or (TODO) by considering the average distribution generated by a language model (by_distribution=True).""" + possible_completions = df.possible_completions.iloc[0] + prop_dict = {k.strip(): 0.0 for k in possible_completions} + if by_top_completion: + df["top_completion"] = df["top_completion"].str.strip() + proportions = df.groupby("top_completion").agg({"weight": "sum"}) + for prop in proportions.index: + prop_dict[prop] = ( + proportions.loc[prop].values[0] / proportions.values.sum() + ) + + return prop_dict + + def _calculate_D_H(self, df, rdf=None, use_opinion_qa=True): + f"""Calculate the D_H metric for a dataframe.""" + + if use_opinion_qa: + possible_completions = [ + pc.strip() for pc in df.possible_completions.iloc[0] + ] + weights = rdf.iloc[0].D_O + D_H = {k: v for k, v in zip(possible_completions, weights)} + return D_H + pass + else: + possible_completions = df.possible_completions.iloc[0] + df["correct_completion"] = df["correct_completion"].str.strip() + proportions = df.groupby("correct_completion").size() / df.shape[0] + prop_dict = {k.strip(): 0.0 for k in possible_completions} + for prop in proportions.index: + prop_dict[prop] = proportions[prop] + return prop_dict + + def _get_wd(self, df): + key = df.key.unique()[0] + + D_M = self._calculate_D_M(df) + wave = df.wave.iloc[0] + file_path = Path( + f"data/ATP/distributions/American_Trends_Panel_{wave}_baseline.csv" + ) + # How do I get the right D_H? + rdf = pd.read_csv(file_path) + rdf = rdf[rdf.qkey == key] + rdf["D_O"] = rdf["D_O"].apply(lambda x: np.fromstring(x[1:-1], sep=" ")) # type: ignore + + D_H = self._calculate_D_H(df, rdf=rdf) + ordinal = [k["ordinal"] for k in df.iloc[0]["valid_options"]] + + wd = wasserstein_distance( + ordinal, ordinal, list(D_H.values()), list(D_M.values()) + ) / self._get_max_wd(ordinal) + return wd + + def _get_max_wd(self, ordered_ref_weights): + d0, d1 = np.zeros(len(ordered_ref_weights)), np.zeros( + len(ordered_ref_weights) + ) + d0[np.argmax(ordered_ref_weights)] = 1 + d1[np.argmin(ordered_ref_weights)] = 1 + max_wd = wasserstein_distance( + ordered_ref_weights, ordered_ref_weights, d0, d1 + ) + return max_wd + if __name__ == "__main__": input_filepath = os.path.join( - "results", - "roper", + "experiments", + "breadth", + "ATP/American_Trends_Panel_W26", + "llama-7b-hf", "results.json", ) @@ -117,10 +268,10 @@ def get_mean_score(self, slice_by: typing.List[str] = []) -> pd.DataFrame: DependentVariableSample( **sample_dict, ) - for sample_dict in results["llama-7b-hf"] + for sample_dict in results ] survey_results = SurveyResults(question_samples=question_samples) # Print with 2 decimal places - print(survey_results.get_mean_score(slice_by=["gender"]).round(2)) + # print(survey_results.get_representativeness(survey_results.df)) diff --git a/lm_survey/survey/survey.py b/lm_survey/survey/survey.py index 2805b4e..57eae8b 100644 --- a/lm_survey/survey/survey.py +++ b/lm_survey/survey/survey.py @@ -1,7 +1,11 @@ import os import typing +from pathlib import Path + import numpy as np import pandas as pd +from sklearn.metrics import normalized_mutual_info_score +from tqdm import tqdm from lm_survey.survey.dependent_variable_sample import ( Completion, @@ -419,6 +423,39 @@ def generate_variables_file(self, variables_filename: str): # Export every time a variable is added to not accidentally lose progress. self.export_variables(variables_filename=variables_filename) + def generate_atp_variables(self, survey_path: str, variables_filename: str): + info_csv_path = Path(survey_path) / "info.csv" + + info_df = pd.read_csv(info_csv_path) + + for variable_name in list(info_df["key"]): + variable_row = info_df[info_df["key"] == variable_name].iloc[0] + question_text = str(variable_row["question"]) + option_mapping = eval(str(variable_row["option_mapping"])) + option_ordinals = eval(str(variable_row["option_ordinal"])) + + original_options = list(option_mapping.values()) + valid_options = original_options[: len(option_ordinals)] + invalid_options = original_options[len(option_ordinals) :] + + question = Question( + key=variable_name, + text=question_text, + valid_options=[ + ValidOption( + raw=option, text=option, ordinal=ordinal + ).to_dict() + for ordinal, option in zip(option_ordinals, valid_options) + ], + invalid_options=invalid_options, + ).to_dict() + + variable = Variable(name=variable_name, questions=[question]) + + self.variables.append(variable) + + self.export_variables(variables_filename=variables_filename) + def export_variables(self, variables_filename: str): with open(variables_filename, "w") as file: json.dump(self.to_dict(), file, indent=4) @@ -437,20 +474,22 @@ def iterate( } # The index from iterrows gives type errors when using it as a key in iloc. - for i, (_, row) in enumerate(self.df.iterrows()): - try: - independent_variable_summary = ( - self._create_independent_variable_summary(row) - ) - except ValueError: - continue + for name, dependent_variable in self._dependent_variables.items(): + for i, row in tqdm(self.df.sample(frac=1).iterrows()): + try: + independent_variable_summary = ( + self._create_independent_variable_summary(row) + ) + except ValueError: + continue - for name, dependent_variable in self._dependent_variables.items(): - if n_sampled_per_dependent_variable[ - name - ] >= n_samples_per_dependent_variable or not dependent_variable.is_valid( - row + if ( + n_sampled_per_dependent_variable[name] + >= n_samples_per_dependent_variable ): + break + + if not dependent_variable.is_valid(row): continue dependent_variable_prompt = dependent_variable.to_prompt(row) @@ -476,13 +515,61 @@ def iterate( variable_name=name, question=dependent_variable.to_question(row), independent_variables=independent_variables, - index=i, + index=i, # type: ignore prompt=prompt, completion=completion, ) n_sampled_per_dependent_variable[name] += 1 + def mutual_info_stats(self, include_demographics=False) -> pd.DataFrame: + mutual_info_dvs = {} + independent_variable_names = [ + iv.name for iv in self._independent_variables + ] + dependent_variable_names = [ + dv.name for dv in self._dependent_variables.values() + ] + + columns = ( + dependent_variable_names + independent_variable_names + if include_demographics + else dependent_variable_names + ) + + for dv in columns: + dv_mi = {} + for demographic in independent_variable_names: + # Create a new table with only the dv and demographic columns where + # neither include nans or "Refused": + compliant_responses = self.df[[dv, demographic]].dropna() + compliant_responses = compliant_responses[ + compliant_responses[dv] != "Refused" + ] + cleaned_dv_col = compliant_responses.iloc[:, 0].dropna() + cleaned_demographic_col = compliant_responses.iloc[ + :, 1 + ].dropna() + mi = normalized_mutual_info_score( + cleaned_dv_col, cleaned_demographic_col + ) + dv_mi[demographic] = mi + mutual_info_dvs[dv] = { + "average": np.mean(list(dv_mi.values())), + **dv_mi, + } + mi_df = pd.DataFrame.from_dict(mutual_info_dvs, orient="index") + mi_df = mi_df.sort_values(by="average", ascending=False) + return mi_df + + def print_demographics_natural_language_summary(self): + for variable in self._independent_variables: + for question in variable.questions.values(): + print(f"QUESTION '{question.key}': '{question.text}'") + for option in question.valid_options.values(): + print(f" '{option.raw}': '{option.natural_language}'") + print() + def __iter__( self, ) -> typing.Iterator[DependentVariableSample]: @@ -499,30 +586,34 @@ def __iter__( default="roper", ) - args = parser.parse_args() + parser.add_argument( + "-e", + "--experiment_name", + type=str, + default="default", + ) - survey_directory = os.path.join("data", args.survey_name) + args = parser.parse_args() - with open( - os.path.join(survey_directory, "independent-variables.json"), "r" - ) as file: - independent_variable_names = json.load(file) + data_dir = os.path.join("data", args.survey_name) + experiment_dir = os.path.join( + "experiments", args.survey_name, args.experiment_name + ) + variable_dir = os.path.join("variables", args.survey_name) - with open( - os.path.join(survey_directory, "dependent-variables.json"), "r" - ) as file: - dependent_variable_names = json.load(file) + with open(os.path.join(experiment_dir, "config.json"), "r") as file: + config = json.load(file) survey = Survey( name="roper", - data_filename=os.path.join(survey_directory, "data.csv"), - variables_filename=os.path.join(survey_directory, "variables.json"), - independent_variable_names=independent_variable_names, - dependent_variable_names=dependent_variable_names, + data_filename=os.path.join(data_dir, "responses.csv"), + variables_filename=os.path.join(variable_dir, "variable.json"), + independent_variable_names=config["independent_variable_names"], + dependent_variable_names=config["dependent_variable_names"], ) question_samples = list(iter(survey)) print( - f"{len(question_samples) / len(dependent_variable_names) / len(survey.df) * 100:.2f}%" + f"{len(question_samples) / len(config['dependent_variable_names']) / len(survey.df) * 100:.2f}%" ) diff --git a/lm_survey/survey/variable.py b/lm_survey/survey/variable.py index fb6e75c..0588172 100644 --- a/lm_survey/survey/variable.py +++ b/lm_survey/survey/variable.py @@ -56,9 +56,9 @@ def to_text(self, row: pd.Series) -> str: def to_natural_language(self, row: pd.Series) -> str: return self._to_value(value_key="natural_language", row=row) - def to_question(self, row: pd.Series) -> str: + def to_question(self, row: pd.Series) -> Question: key = self._get_key(row) - return self.questions[key].text + return self.questions[key] def get_correct_letter(self, row: pd.Series) -> str: key = self._get_key(row) diff --git a/run_survey.py b/run_survey.py index 9586844..55bdbca 100644 --- a/run_survey.py +++ b/run_survey.py @@ -1,90 +1,210 @@ +import argparse +import asyncio +import json +import logging +import os +import time import typing import numpy as np -from lm_survey.survey import Survey, DependentVariableSample -from lm_survey.samplers import AutoSampler from tqdm import tqdm -import json -import os -import argparse +from tqdm.asyncio import tqdm_asyncio + +from lm_survey.samplers import AutoSampler +from lm_survey.survey import DependentVariableSample, Survey +from pathlib import Path -def save_results( - dependent_variable_samples: typing.List[DependentVariableSample], - model_name: str, - survey_name: str, -): +def infill_missing_responses( + results_filepath, +) -> typing.Tuple[ + typing.List[DependentVariableSample], + typing.List[DependentVariableSample], +]: + with open(results_filepath, "r") as file: + results = json.load(file) + question_samples = [ + DependentVariableSample( + **sample_dict, + ) + for sample_dict in results + ] + # Find the question_samples that are missing responses + missing_responses = [qs for qs in question_samples if not qs.has_response()] + filled_responses = [qs for qs in question_samples if qs.has_response()] + + return missing_responses, filled_responses + + +def parse_model_name(model_name: str) -> str: if model_name.startswith("/"): model_name = model_name.split("/")[-1] + else: + model_name = model_name.replace("/", "-") - new_results = { - model_name: [ - { - **question_sample.to_dict(), - } - for question_sample in dependent_variable_samples - ] + return model_name + + +def get_commit_hash(): + commit_hash = os.popen("git rev-parse HEAD").read().strip() + return commit_hash + + +def save_experiment( + model_name: str, + experiment_dir: str, + dependent_variable_samples: typing.List[DependentVariableSample], + n_samples_per_dependent_variable: typing.Optional[int] = None, +): + parsed_model_name = parse_model_name(model_name) + + results = [ + question_sample.to_dict() for question_sample in dependent_variable_samples + ] + + metadata = { + "model_name": model_name, + "n_samples_per_dependent_variable": n_samples_per_dependent_variable, + "commit_hash": get_commit_hash(), } - output_filepath = os.path.join( - "results", - survey_name, - "results.json", - ) + experiment_metadata_dir = os.path.join(experiment_dir, parsed_model_name) - if not os.path.exists(output_filepath): - os.makedirs(os.path.dirname(output_filepath), exist_ok=True) - results = {} - else: - with open(output_filepath, "r") as file: - results = json.load(file) + if not os.path.exists(experiment_metadata_dir): + os.makedirs(experiment_metadata_dir) + + with open(os.path.join(experiment_metadata_dir, "metadata.json"), "w") as file: + json.dump( + metadata, + file, + indent=4, + ) + + with open(os.path.join(experiment_metadata_dir, "results.json"), "w") as file: + json.dump( + results, + file, + indent=4, + ) - results.update(new_results) - with open(output_filepath, "w") as file: - json.dump(results, file, indent=4) +def count_off(seconds: int = 5): + for i in range(seconds): + print(seconds - i) + time.sleep(1) -def main( +async def main( model_name: str, survey_name: str, + experiment_name: str, n_samples_per_dependent_variable: typing.Optional[int] = None, + overwrite: bool = False, + infill: bool = False, ) -> None: - survey_directory = os.path.join("data", survey_name) - - with open( - os.path.join(survey_directory, "independent-variables.json"), "r" - ) as file: - independent_variable_names = json.load(file) - - with open(os.path.join(survey_directory, "dependent-variables.json"), "r") as file: - dependent_variable_names = json.load(file) - - survey = Survey( - name=survey_name, - data_filename=os.path.join(survey_directory, "data.csv"), - config_filename=os.path.join(survey_directory, "config.json"), - independent_variable_names=independent_variable_names, - dependent_variable_names=dependent_variable_names, - ) + data_dir = os.path.join("data", survey_name) + variables_dir = os.path.join("variables", survey_name) + experiment_dir = os.path.join("experiments", experiment_name, survey_name) - sampler = AutoSampler(model_name=model_name) + parsed_model_name = parse_model_name(model_name) + results_path = Path(experiment_dir, parsed_model_name, "results.json") - dependent_variable_samples = list( - survey.iterate( - n_samples_per_dependent_variable=n_samples_per_dependent_variable - ) - ) + # Use pathlib to check if a file exists + if results_path.is_file(): + print(f"Experiment {experiment_name} already exists.") + + if overwrite and infill: + print("Choose whether to overwrite or infill. Exiting.") + return + elif infill: + print("\nINFILLING MISSING RESPONSE OBJECTS IN") + # count_off() + elif overwrite: + print("\nOVERWRITING IN") + # count_off() + else: + print( + "Use --force to overwrite or --infill to infill missing" + " response_objects. Exiting." + ) + return + else: + if infill: + print( + "Cannot infill missing response objects if the experiment does" + " not exist. Exiting." + ) + return - for dependent_variable_sample in tqdm(dependent_variable_samples): + if logging: + logger = logging.getLogger(__name__) + logger.setLevel(logging.ERROR) + handler = logging.FileHandler(Path(experiment_dir) / "errors.log") + handler.setLevel(logging.ERROR) + formatter = logging.Formatter("%(asctime)s %(message)s") + handler.setFormatter(formatter) + logger.addHandler(handler) + else: + logger = None + + with open(os.path.join(experiment_dir, "config.json"), "r") as file: + config = json.load(file) - completion_log_probs = sampler.rank_completions( - prompt=dependent_variable_sample.prompt, - completions=dependent_variable_sample.completion.possible_completions, + sampler = AutoSampler(model_name=model_name, logger=logger) + + if infill: + ( + dependent_variable_samples, + finished_samples, + ) = infill_missing_responses(results_path) + else: + survey = Survey( + name=survey_name, + data_filename=os.path.join(data_dir, "data.csv"), + variables_filename=os.path.join(variables_dir, "variables.json"), + independent_variable_names=config["independent_variable_names"], + dependent_variable_names=config["dependent_variable_names"], ) - dependent_variable_sample.completion.set_completion_log_probs( - completion_log_probs + dependent_variable_samples = list( + survey.iterate( + n_samples_per_dependent_variable=n_samples_per_dependent_variable + ) ) + finished_samples = [] + + # TODO: This is a really lame way to do this. We should probably do it another way, + # especially because it seems obvious that the model name should not be tied to its + # sampler implementation. This is a symptom of a very lazy async implementation. + if sampler.model_name.startswith("async"): + sample_coroutines = [] + for dependent_variable_sample in dependent_variable_samples: + + async def request_completion(dependent_variable_sample): + ( + completion_log_probs, + response_object, + ) = await sampler.rank_completions( + prompt=dependent_variable_sample.prompt, + completions=dependent_variable_sample.completion.possible_completions, + ) # type: ignore + dependent_variable_sample.completion.set_completion_log_probs( + completion_log_probs + ) + dependent_variable_sample.completion.response_object = response_object + + sample_coroutines.append(request_completion(dependent_variable_sample)) + + await tqdm_asyncio.gather(*sample_coroutines) + else: + for dependent_variable_sample in tqdm(dependent_variable_samples): + completion_log_probs, response_object = sampler.rank_completions( + prompt=dependent_variable_sample.prompt, + completions=dependent_variable_sample.completion.possible_completions, + ) # type: ignore + dependent_variable_sample.completion.set_completion_log_probs( + completion_log_probs + ) + dependent_variable_sample.completion.response_object = response_object accuracy = np.mean( [ @@ -94,13 +214,17 @@ def main( ) print( - f"Accuracy: {accuracy * 100:.2f}% ({len(dependent_variable_samples)} samples)" + f"Accuracy: {accuracy * 100:.2f}%" + f" ({len(dependent_variable_samples)} samples)" ) - save_results( - dependent_variable_samples=dependent_variable_samples, + dependent_variable_samples += finished_samples + + save_experiment( model_name=model_name, - survey_name=survey_name, + experiment_dir=experiment_dir, + dependent_variable_samples=dependent_variable_samples, + n_samples_per_dependent_variable=n_samples_per_dependent_variable, ) @@ -124,18 +248,59 @@ def main( "--n_samples_per_dependent_variable", type=int, ) + parser.add_argument( + "-e", + "--experiment_name", + type=str, + default="default", + ) + parser.add_argument( + "-f", + "--force", + action="store_true", + help="Force overwrite of existing experiment.", + ) + parser.add_argument( + "-i", + "--infill", + action="store_true", + help="Fill in missing response_objects of existing experiment.", + ) args = parser.parse_args() # To prevent overbilling OpenAI. - if ( - args.model_name.startswith("gpt3") - and args.n_samples_per_dependent_variable is None - ): - args.n_samples_per_dependent_variable = 100 - - main( - model_name=args.model_name, - survey_name=args.survey_name, - n_samples_per_dependent_variable=args.n_samples_per_dependent_variable, - ) + # if ( + # args.model_name.startswith("gpt3") + # and args.n_samples_per_dependent_variable is None + # ): + # args.n_samples_per_dependent_variable = 100 + + if args.survey_name == "all": + exp_dir = "experiments" / Path(args.experiment_name) + paths = sorted(Path(exp_dir).glob("ATP/American*/")) + print(paths) + for path in tqdm(paths): + args.survey_name = str(path.relative_to(exp_dir)) + asyncio.run( + main( + model_name=args.model_name, + survey_name=args.survey_name, + experiment_name=args.experiment_name, + n_samples_per_dependent_variable=args.n_samples_per_dependent_variable, + overwrite=args.force, + infill=args.infill, + ) + ) + + else: + asyncio.run( + main( + model_name=args.model_name, + survey_name=args.survey_name, + experiment_name=args.experiment_name, + n_samples_per_dependent_variable=args.n_samples_per_dependent_variable, + overwrite=args.force, + infill=args.infill, + ) + ) diff --git a/tests/test_overwrite_infill.py b/tests/test_overwrite_infill.py new file mode 100644 index 0000000..2285893 --- /dev/null +++ b/tests/test_overwrite_infill.py @@ -0,0 +1,200 @@ +import subprocess +import sys + +sys.path.append(".") +from lm_survey.helpers import * +from pathlib import Path +import json +import shutil + + +WAVES = [26, 27] +EXPERIMENT_NAME = "test/test_overwrite_infill" + + +def generate_test_experiment(n_dvs: int = 3, n_instances: int = 6): + for wave in WAVES: + exp_dir = Path(f"experiments/breadth/ATP/American_Trends_Panel_W{wave}") + + results_path = exp_dir / "async-gpt3-text-davinci-003/results.json" + results = filepath_to_DVS_list(results_path) + + config_path = exp_dir / "config.json" + with open(config_path) as f: + config = json.load(f) + + n_dvs = 3 + n_instances = 6 + + # First find the DVs + dvs = list(set([r.variable_name for r in results]))[:n_dvs] + + config["dependent_variable_names"] = dvs + + full_results = [] + partial_results = [] + # Now we need 3 results for each DV that have + for dv in dvs: + dv_results = [r for r in results if r.variable_name == dv] + has_ro = [r for r in dv_results if r.has_response()] + missing_ro = [r for r in dv_results if not r.has_response()] + if len(missing_ro) < n_instances / 2: + print( + "Not enough null responses. Removing completions from DVS's" + " in has_ro" + ) + missing_ro = [r.copy().remove_response() for r in has_ro][::-1] + + full_results.extend(has_ro[:n_instances]) + + partial_results.extend(missing_ro[: int(n_instances / 2)]) + partial_results.extend(has_ro[: int(n_instances / 2)]) + + exp_dest = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + + Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}/async-gpt3-text-davinci-003" + ).mkdir(parents=True, exist_ok=True) + + full_results_path = exp_dest / Path( + "async-gpt3-text-davinci-003/full_results.json" + ) + DVS_list_to_json_file(full_results, full_results_path) + + partial_results_path = exp_dest / Path( + f"async-gpt3-text-davinci-003/partial_results.json" + ) + DVS_list_to_json_file(partial_results, partial_results_path) + + config_path = exp_dest / Path("config.json") + with open(config_path, "w") as f: + json.dump(config, f) + + +def test_generate_experiment(): + n_dvs = 3 + n_instances = 6 + generate_test_experiment(n_dvs, n_instances) + for wave in WAVES: + exp_dir = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + full_results_path = exp_dir / Path( + "async-gpt3-text-davinci-003/full_results.json" + ) + full_results = filepath_to_DVS_list(full_results_path) + + partial_results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/partial_results.json" + ) + partial_results = filepath_to_DVS_list(partial_results_path) + + assert ( + sum([r.has_response() for r in full_results]) == n_dvs * n_instances + ) + assert ( + sum([r.has_response() for r in partial_results]) + == n_dvs * n_instances / 2 + ) + + +def test_infill_full_results(): + for wave in WAVES: + exp_dir = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + full_results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/full_results.json" + ) + results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/results.json" + ) + shutil.copy(full_results_path, results_path) + # Run infill + subprocess.run( + "python3 run_survey.py -m async-gpt3-text-davinci-003 -s all -e" + " test/test_overwrite_infill -i".split() + ) + for wave in WAVES: + exp_dir = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + full_results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/full_results.json" + ) + results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/results.json" + ) + full_results = filepath_to_DVS_list(full_results_path) + results = filepath_to_DVS_list(results_path) + ids_eq = [ + r.completion.response_object["id"] + == fr.completion.response_object["id"] + for r, fr in zip(results, full_results) + ] + assert sum(ids_eq) == len(ids_eq) + results_path.unlink() + + +def test_infill_partial_results(n_dvs=3, n_instances=6): + for wave in WAVES: + exp_dir = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + partial_results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/partial_results.json" + ) + results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/results.json" + ) + shutil.copy(partial_results_path, results_path) + # Run infill + subprocess.run( + "python3 run_survey.py -m async-gpt3-text-davinci-003 -s all -e" + " test/test_overwrite_infill -i".split() + ) + for wave in WAVES: + exp_dir = Path( + f"experiments/{EXPERIMENT_NAME}/ATP/American_Trends_Panel_W{wave}" + ) + partial_results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/partial_results.json" + ) + results_path = exp_dir / Path( + f"async-gpt3-text-davinci-003/results.json" + ) + partial_results = filepath_to_DVS_list(partial_results_path) + results = filepath_to_DVS_list(results_path) + + missing_ros = [r.has_response() for r in partial_results] + n_missing = sum(missing_ros) + + # Check that the right number of responses are missing for partial results + assert n_missing == n_dvs * n_instances / 2 + + # Check that all the DVSs with responses in the partial results + # have same response in the full results + unique_pr_ids = set( + [ + r.completion.response_object["id"] + if r.has_response() + else "MISSING" + for r in partial_results + ] + ) + unique_r_ids = set( + [r.completion.response_object["id"] for r in results] + ) + assert ( + len(unique_pr_ids.intersection(unique_r_ids)) + == n_dvs * n_instances / 2 + ) + results_path.unlink() + + +if __name__ == "__main__": + # test_generate_experiment() + test_infill_full_results() + # test_infill_partial_results() diff --git a/variables/ATP/American_Trends_Panel_W26/variables.json b/variables/ATP/American_Trends_Panel_W26/variables.json new file mode 100644 index 0000000..f3ec245 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W26/variables.json @@ -0,0 +1,3075 @@ +[ + { + "name": "SAFECRIME_W26", + "questions": [ + { + "key": "SAFECRIME_W26", + "text": "How safe, if at all, would you say your local community is from crime? Would you say it is", + "valid_options": [ + { + "raw": "Very safe", + "text": "Very safe", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat safe", + "text": "Somewhat safe", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too safe", + "text": "Not too safe", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all safe", + "text": "Not at all safe", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORLDDANGER_W26", + "questions": [ + { + "key": "WORLDDANGER_W26", + "text": "Compared to 50 years ago, do you think", + "valid_options": [ + { + "raw": "We live in a safer world", + "text": "We live in a safer world", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "We live in a more dangerous world", + "text": "We live in a more dangerous world", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "The world we live in is neither safer nor more dangerous", + "text": "The world we live in is neither safer nor more dangerous", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYA_W26", + "questions": [ + { + "key": "WORRYA_W26", + "text": "How much, if at all, do you worry about the following happening to you? Having your home broken into", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYB_W26", + "questions": [ + { + "key": "WORRYB_W26", + "text": "How much, if at all, do you worry about the following happening to you? Being the victim of a terrorist attack", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYC_W26", + "questions": [ + { + "key": "WORRYC_W26", + "text": "How much, if at all, do you worry about the following happening to you? Losing your job", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYD_W26", + "questions": [ + { + "key": "WORRYD_W26", + "text": "How much, if at all, do you worry about the following happening to you? Not being able to pay your bills", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYE_W26", + "questions": [ + { + "key": "WORRYE_W26", + "text": "How much, if at all, do you worry about the following happening to you? Being the victim of a violent crime", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYF_W26", + "questions": [ + { + "key": "WORRYF_W26", + "text": "How much, if at all, do you worry about the following happening to you? Being the victim of a mass shooting", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYG_W26", + "questions": [ + { + "key": "WORRYG_W26", + "text": "How much, if at all, do you worry about the following happening to you? Having a personal health crisis", + "valid_options": [ + { + "raw": "Worry a lot", + "text": "Worry a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worry a little", + "text": "Worry a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Do not worry at all", + "text": "Do not worry at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUN_W26", + "questions": [ + { + "key": "GUN_W26", + "text": "Do you personally own any guns (not including air guns, such as paintball, BB or pellet guns)?", + "valid_options": [ + { + "raw": "Yes, I own a gun", + "text": "Yes, I own a gun", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, I don't own any guns", + "text": "No, I don't own any guns", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUN1_W26", + "questions": [ + { + "key": "GUN1_W26", + "text": "Does anyone else in your household own any guns (not including air guns, such as paintball, BB or pellet guns)?", + "valid_options": [ + { + "raw": "Yes, someone else in my household owns a gun", + "text": "Yes, someone else in my household owns a gun", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, no one else in my household owns a gun", + "text": "No, no one else in my household owns a gun", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVEROWN_W26", + "questions": [ + { + "key": "EVEROWN_W26", + "text": "Have you ever owned a gun at any point in your life, or have you never owned a gun?", + "valid_options": [ + { + "raw": "Yes, have owned a gun", + "text": "Yes, have owned a gun", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have never owned a gun", + "text": "No, have never owned a gun", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEVEROWN_W26", + "questions": [ + { + "key": "NEVEROWN_W26", + "text": "Which best describes you?", + "valid_options": [ + { + "raw": "I could never see myself not owning a gun", + "text": "I could never see myself not owning a gun", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "I could see myself not owning a gun at some point in the future", + "text": "I could see myself not owning a gun at some point in the future", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNTYPEOWNC_W26", + "questions": [ + { + "key": "GUNTYPEOWNC_W26", + "text": "Do you currently or have you ever owned a shotgun?", + "valid_options": [ + { + "raw": "Yes, I currently own", + "text": "Yes, I currently own", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, I have owned in the past but do not currently own", + "text": "Yes, I have owned in the past but do not currently own", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No, I have never owned", + "text": "No, I have never owned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVERSHOT_W26", + "questions": [ + { + "key": "EVERSHOT_W26", + "text": "Regardless of whether or not you own a gun, have you ever fired a gun?", + "valid_options": [ + { + "raw": "Yes, I have fired a gun", + "text": "Yes, I have fired a gun", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, I have never fired a gun", + "text": "No, I have never fired a gun", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REASONGUNA_W26", + "questions": [ + { + "key": "REASONGUNA_W26", + "text": "Please indicate whether the following is a major reason, a minor reason, or not a reason why you own a gun. For protection", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REASONGUNB_W26", + "questions": [ + { + "key": "REASONGUNB_W26", + "text": "Please indicate whether the following is a major reason, a minor reason, or not a reason why you own a gun. For hunting", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REASONGUNC_W26", + "questions": [ + { + "key": "REASONGUNC_W26", + "text": "Please indicate whether the following is a major reason, a minor reason, or not a reason why you own a gun. For sport shooting, including target shooting and trap and skeet", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REASONGUND_W26", + "questions": [ + { + "key": "REASONGUND_W26", + "text": "Please indicate whether the following is a major reason, a minor reason, or not a reason why you own a gun. As part of a gun collection", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REASONGUNE_W26", + "questions": [ + { + "key": "REASONGUNE_W26", + "text": "Please indicate whether the following is a major reason, a minor reason, or not a reason why you own a gun. For my job", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMPREASONGUN_W26", + "questions": [ + { + "key": "IMPREASONGUN_W26", + "text": "Which of the following is the most important reason why you own a gun?", + "valid_options": [ + { + "raw": "For protection", + "text": "For protection", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "For hunting", + "text": "For hunting", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "For sport shooting, including target shooting and trap and skeet", + "text": "For sport shooting, including target shooting and trap and skeet", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "As part of a gun collection", + "text": "As part of a gun collection", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "For my job", + "text": "For my job", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNIDENTITY_W26", + "questions": [ + { + "key": "GUNIDENTITY_W26", + "text": "How important, if at all, is being a gun owner to your overall identity?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNFRIEND_W26", + "questions": [ + { + "key": "GUNFRIEND_W26", + "text": "As far as you know, how many of your friends, if any, own guns?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNSOCIETY_W26", + "questions": [ + { + "key": "GUNSOCIETY_W26", + "text": "Do you feel that society in general tends to look at most gun owners in a positive way or a negative way?", + "valid_options": [ + { + "raw": "Positive way", + "text": "Positive way", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative way", + "text": "Negative way", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCOMMUNITY_W26", + "questions": [ + { + "key": "GUNCOMMUNITY_W26", + "text": "Do you feel that people in your local community tend to look at most gun owners in a positive way or a negative way?", + "valid_options": [ + { + "raw": "Positive way", + "text": "Positive way", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative way", + "text": "Negative way", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SHOOTFREQ_W26", + "questions": [ + { + "key": "SHOOTFREQ_W26", + "text": "How often, if ever, do you go shooting or to a gun range?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNSAFE_W26", + "questions": [ + { + "key": "GUNSAFE_W26", + "text": "Does having a gun in your household make you feel", + "valid_options": [ + { + "raw": "Safer than you would feel without a gun in your household", + "text": "Safer than you would feel without a gun in your household", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less safe than you would feel without a gun in your household", + "text": "Less safe than you would feel without a gun in your household", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No more or less safe", + "text": "No more or less safe", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNSAFE2_W26", + "questions": [ + { + "key": "GUNSAFE2_W26", + "text": "Would having a gun in your household make you feel", + "valid_options": [ + { + "raw": "Safer than you feel without a gun in your household", + "text": "Safer than you feel without a gun in your household", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less safe than you feel without a gun in your household", + "text": "Less safe than you feel without a gun in your household", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No more or less safe", + "text": "No more or less safe", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCOURSES_W26", + "questions": [ + { + "key": "GUNCOURSES_W26", + "text": "Have you ever taken any gun safety courses such as weapons training, hunter safety or firearm safety?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACCESS_W26", + "questions": [ + { + "key": "GUNACCESS_W26", + "text": "Thinking about when you're at home, would you say there is a gun that is both loaded and easily accessible to you", + "valid_options": [ + { + "raw": "All of the time", + "text": "All of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of the time", + "text": "Most of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only some of the time", + "text": "Only some of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNLOCKED1_W26", + "questions": [ + { + "key": "GUNLOCKED1_W26", + "text": "In general, as far as you know, how many of the guns in your home would you say are kept in a locked place?", + "valid_options": [ + { + "raw": "All are kept in a locked place", + "text": "All are kept in a locked place", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some are kept in a locked place and some are not", + "text": "Some are kept in a locked place and some are not", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "None are kept in a locked place", + "text": "None are kept in a locked place", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNLOADED1_W26", + "questions": [ + { + "key": "GUNLOADED1_W26", + "text": "In general, as far as you know, how many of the guns in your home would you say are kept loaded?", + "valid_options": [ + { + "raw": "All are kept loaded", + "text": "All are kept loaded", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some are kept loaded and some are not", + "text": "Some are kept loaded and some are not", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "None are kept loaded", + "text": "None are kept loaded", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNLOCKED2_W26", + "questions": [ + { + "key": "GUNLOCKED2_W26", + "text": "In general, is the gun in your home kept in a locked place, or not?", + "valid_options": [ + { + "raw": "Yes, kept in a locked place", + "text": "Yes, kept in a locked place", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not kept in a locked place", + "text": "No, not kept in a locked place", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNLOADED2_W26", + "questions": [ + { + "key": "GUNLOADED2_W26", + "text": "In general, is the gun in your home kept loaded, or not?", + "valid_options": [ + { + "raw": "Yes, kept loaded", + "text": "Yes, kept loaded", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not kept loaded", + "text": "No, not kept loaded", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBA_W26", + "questions": [ + { + "key": "GUNCONTRIBA_W26", + "text": "How much, if at all, do you think the ease with which people can legally obtain guns contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBB_W26", + "questions": [ + { + "key": "GUNCONTRIBB_W26", + "text": "How much, if at all, do you think the ease with which people can illegally obtain guns contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBC_W26", + "questions": [ + { + "key": "GUNCONTRIBC_W26", + "text": "How much, if at all, do you think the amount of gun violence in movies and television contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBD_W26", + "questions": [ + { + "key": "GUNCONTRIBD_W26", + "text": "How much, if at all, do you think lack of economic opportunities contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBE_W26", + "questions": [ + { + "key": "GUNCONTRIBE_W26", + "text": "How much, if at all, do you think the amount of gun violence in video games contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNCONTRIBF_W26", + "questions": [ + { + "key": "GUNCONTRIBF_W26", + "text": "How much, if at all, do you think family instability contributes to gun violence in the country today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPVIOL_W26", + "questions": [ + { + "key": "GROWUPVIOL_W26", + "text": "How much of a problem was gun violence in the community where you spent the majority of time when you were growing up?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN1_W26", + "questions": [ + { + "key": "GROWUPGUN1_W26", + "text": "Thinking about when you were growing up, as far as you know, were there ever any guns in your household or not?", + "valid_options": [ + { + "raw": "Yes, there were guns in my household", + "text": "Yes, there were guns in my household", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, there were no guns in my household", + "text": "No, there were no guns in my household", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "I am not sure if there were guns in my household", + "text": "I am not sure if there were guns in my household", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN2A_W26", + "questions": [ + { + "key": "GROWUPGUN2A_W26", + "text": "Would you say the following was a reason or was not a reason why there were guns in your household when you were growing up? For protection", + "valid_options": [ + { + "raw": "Yes, was a reason", + "text": "Yes, was a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, was not a reason", + "text": "No, was not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN2B_W26", + "questions": [ + { + "key": "GROWUPGUN2B_W26", + "text": "Would you say the following was a reason or was not a reason why there were guns in your household when you were growing up? For hunting", + "valid_options": [ + { + "raw": "Yes, was a reason", + "text": "Yes, was a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, was not a reason", + "text": "No, was not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN2C_W26", + "questions": [ + { + "key": "GROWUPGUN2C_W26", + "text": "Would you say the following was a reason or was not a reason why there were guns in your household when you were growing up? For sport shooting, including target shooting and trap and skeet", + "valid_options": [ + { + "raw": "Yes, was a reason", + "text": "Yes, was a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, was not a reason", + "text": "No, was not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN4_W26", + "questions": [ + { + "key": "GROWUPGUN4_W26", + "text": "Thinking about the people in the community where you spent the majority of time when you were growing up, as far as you know, how many people owned guns?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN6_W26", + "questions": [ + { + "key": "GROWUPGUN6_W26", + "text": "How often, if ever, did you go shooting or to a gun range when you were growing up?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPGUN7_W26", + "questions": [ + { + "key": "GROWUPGUN7_W26", + "text": "How often, if ever, did you use air guns, such as paintball, BB or pellet guns when you were growing up?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSA_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSA_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Keep all of their guns in a locked place", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSB_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSB_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Keep all of their guns unloaded", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSC_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSC_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Take gun safety courses", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSD_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSD_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Advise visitors that there are guns in the house", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSE_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSE_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Advise visitors with children that there are guns in the house", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSF_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSF_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Store guns and ammunition separately", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPNOKIDSG_W26", + "questions": [ + { + "key": "GUNRESPNOKIDSG_W26", + "text": "Thinking about gun owners who do not have children in their home how important do you think it is for them to: Keep their shooting skills up-to-date", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSA_W26", + "questions": [ + { + "key": "GUNRESPKIDSA_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Keep all of their guns in a locked place", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSB_W26", + "questions": [ + { + "key": "GUNRESPKIDSB_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Keep all of their guns unloaded", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSC_W26", + "questions": [ + { + "key": "GUNRESPKIDSC_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Take gun safety courses", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSD_W26", + "questions": [ + { + "key": "GUNRESPKIDSD_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Advise visitors that there are guns in the house", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSE_W26", + "questions": [ + { + "key": "GUNRESPKIDSE_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Advise visitors with children that there are guns in the house", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSF_W26", + "questions": [ + { + "key": "GUNRESPKIDSF_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Store guns and ammunition separately", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSG_W26", + "questions": [ + { + "key": "GUNRESPKIDSG_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Keep their shooting skills up-to-date", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNRESPKIDSH_W26", + "questions": [ + { + "key": "GUNRESPKIDSH_W26", + "text": "Thinking about gun owners who have children in their home, how important do you think it is for them to: Talk to their children about gun safety", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNSAFETYKIDS_W26", + "questions": [ + { + "key": "GUNSAFETYKIDS_W26", + "text": "For this question, please think about your child or children who are under 18. Have you ever talked with your child or children about gun safety?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "I do not have children under 18", + "text": "I do not have children under 18", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARRYGUN_W26", + "questions": [ + { + "key": "CARRYGUN_W26", + "text": "How often, if ever, do you carry a handgun or pistol outside your home, not including times when you are transporting it?", + "valid_options": [ + { + "raw": "All of the time", + "text": "All of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of the time", + "text": "Most of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only some of the time", + "text": "Only some of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NOCARRYGUN_W26", + "questions": [ + { + "key": "NOCARRYGUN_W26", + "text": "And would you say you never carry a handgun or pistol because you don't want to or for some other reason?", + "valid_options": [ + { + "raw": "Don't want to carry", + "text": "Don't want to carry", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some other reason", + "text": "Some other reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNKILLF1_W26", + "questions": [ + { + "key": "GUNKILLF1_W26", + "text": "Which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "People who want to kill or harm others will find a way to do it whether they have a gun or not", + "text": "People who want to kill or harm others will find a way to do it whether they have a gun or not", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People who want to kill or harm others are less likely to do it if they don't have a gun", + "text": "People who want to kill or harm others are less likely to do it if they don't have a gun", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNKILLF2_W26", + "questions": [ + { + "key": "GUNKILLF2_W26", + "text": "Thinking about people who commit suicide using a gun, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "They would find a way to do it whether they had access to a gun or not", + "text": "They would find a way to do it whether they had access to a gun or not", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "They would be less likely to do it if they didn't have access to a gun", + "text": "They would be less likely to do it if they didn't have access to a gun", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEFENDGUN_W26", + "questions": [ + { + "key": "DEFENDGUN_W26", + "text": "Not including in military combat or as part of your job, have you ever used a gun to defend yourself, your family or possessions, either by firing it or threatening to fire it?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNTHREAT_W26", + "questions": [ + { + "key": "GUNTHREAT_W26", + "text": "Has anyone ever used a gun to threaten or intimidate you or someone in your family?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CRIMEVICTIM_W26", + "questions": [ + { + "key": "CRIMEVICTIM_W26", + "text": "Have you ever been a victim of a violent crime, whether a gun was used or not?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARGUN_W26", + "questions": [ + { + "key": "MARGUN_W26", + "text": "Now thinking about your spouse or partner. Does your spouse or partner own any guns?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNASSOCIATIONA_W26", + "questions": [ + { + "key": "GUNASSOCIATIONA_W26", + "text": "Are you currently a member of a gun or shooting club or gun range", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACTIVITYA_W26", + "questions": [ + { + "key": "GUNACTIVITYA_W26", + "text": "How often, if ever, do you visit websites about guns, hunting or other shooting sports", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACTIVITYB_W26", + "questions": [ + { + "key": "GUNACTIVITYB_W26", + "text": "How often, if ever, do you watch TV programs about guns or watch gun-oriented videos", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACTIVITYC_W26", + "questions": [ + { + "key": "GUNACTIVITYC_W26", + "text": "How often, if ever, do you listen to gun-oriented podcasts or radio shows", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACTIVITYD_W26", + "questions": [ + { + "key": "GUNACTIVITYD_W26", + "text": "How often, if ever, do you participate in online discussion forums about guns", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GUNACTIVITYE_W26", + "questions": [ + { + "key": "GUNACTIVITYE_W26", + "text": "How often, if ever, do you attend gun shows", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W27/variables.json b/variables/ATP/American_Trends_Panel_W27/variables.json new file mode 100644 index 0000000..e9c4f2b --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W27/variables.json @@ -0,0 +1,3645 @@ +[ + { + "name": "CAREREL_W27", + "questions": [ + { + "key": "CAREREL_W27", + "text": "How likely is it that, at some point in your life, you will be responsible for caring for an aging parent or family member?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "I am already doing this", + "text": "I am already doing this", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INDUSTRY_W27", + "questions": [ + { + "key": "INDUSTRY_W27", + "text": "What industry or field do you currently work in? If you have multiple jobs, please choose the one that you consider to be your main or primary occupation.", + "valid_options": [ + { + "raw": "Hospitality or service", + "text": "Hospitality or service", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Health care", + "text": "Health care", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Manufacturing, mining, or construction", + "text": "Manufacturing, mining, or construction", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Retail", + "text": "Retail", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Education", + "text": "Education", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Banking, finance, accounting, real estate, or insurance", + "text": "Banking, finance, accounting, real estate, or insurance", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Transportation", + "text": "Transportation", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Government, public administration or military", + "text": "Government, public administration or military", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Information/Technology", + "text": "Information/Technology", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Other", + "text": "Other", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Not currently employed", + "text": "Not currently employed", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PREDICTA_W27", + "questions": [ + { + "key": "PREDICTA_W27", + "text": "Do you think the following will or will not happen in the next 20 years? Doctors will rely on computer programs to diagnose most diseases and determine treatments", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PREDICTB_W27", + "questions": [ + { + "key": "PREDICTB_W27", + "text": "Do you think the following will or will not happen in the next 20 years? Most stores and retail businesses will be fully automated and involve little or no human interaction between customers and employees", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PREDICTC_W27", + "questions": [ + { + "key": "PREDICTC_W27", + "text": "Do you think the following will or will not happen in the next 20 years? Most deliveries in cities will be made by robots or drones instead of humans", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PREDICTD_W27", + "questions": [ + { + "key": "PREDICTD_W27", + "text": "Do you think the following will or will not happen in the next 20 years? When people want to buy most common products, they will create them at home using a 3-D printer", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS1_W27", + "questions": [ + { + "key": "CARS1_W27", + "text": "How much have you seen or heard about the effort to develop driverless vehicles - that is, cars and trucks that can operate on their own without a human driver?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS2_W27", + "questions": [ + { + "key": "CARS2_W27", + "text": "Has what you've seen or heard about driverless vehicles been mostly positive, mostly negative, or a mix of both?", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A mix of both", + "text": "A mix of both", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS3A_W27", + "questions": [ + { + "key": "CARS3A_W27", + "text": "How enthusiastic are you, if at all, about the development of driverless vehicles?", + "valid_options": [ + { + "raw": "Very enthusiastic", + "text": "Very enthusiastic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat enthusiastic", + "text": "Somewhat enthusiastic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too enthusiastic", + "text": "Not too enthusiastic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all enthusiastic", + "text": "Not at all enthusiastic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS3B_W27", + "questions": [ + { + "key": "CARS3B_W27", + "text": "How worried are you, if at all, about the development of driverless vehicles?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat worried", + "text": "Somewhat worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS4_W27", + "questions": [ + { + "key": "CARS4_W27", + "text": "How long, if ever, do you think it will take for most of the vehicles on the road to be driverless, rather than driven by humans?", + "valid_options": [ + { + "raw": "Less than 10 years", + "text": "Less than 10 years", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "10 to less than 50 years", + "text": "10 to less than 50 years", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "50 to less than 100 years", + "text": "50 to less than 100 years", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "100 or more years", + "text": "100 or more years", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "It will never happen", + "text": "It will never happen", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS5_W27", + "questions": [ + { + "key": "CARS5_W27", + "text": "Would you, personally, want to ride in a driverless vehicle if you had the opportunity?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS7A_W27", + "questions": [ + { + "key": "CARS7A_W27", + "text": "How safe would you feel sharing the road with a driverless passenger vehicle?", + "valid_options": [ + { + "raw": "Very safe", + "text": "Very safe", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat safe", + "text": "Somewhat safe", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too safe", + "text": "Not too safe", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not safe at all", + "text": "Not safe at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS7B_W27", + "questions": [ + { + "key": "CARS7B_W27", + "text": "How safe would you feel sharing the road with a driverless freight truck?", + "valid_options": [ + { + "raw": "Very safe", + "text": "Very safe", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat safe", + "text": "Somewhat safe", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too safe", + "text": "Not too safe", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not safe at all", + "text": "Not safe at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS8_W27", + "questions": [ + { + "key": "CARS8_W27", + "text": "If driverless vehicles become widespread, do you think that the number of people killed or injured in traffic accidents will increase, decrease, or stay about the same?", + "valid_options": [ + { + "raw": "Increase", + "text": "Increase", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Decrease", + "text": "Decrease", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS9A_W27", + "questions": [ + { + "key": "CARS9A_W27", + "text": "Would you strongly favor, favor, oppose, or strongly oppose the following rules and regulations for driverless vehicles? Requiring them to travel in dedicated lanes", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS9B_W27", + "questions": [ + { + "key": "CARS9B_W27", + "text": "Would you strongly favor, favor, oppose, or strongly oppose the following rules and regulations for driverless vehicles? Restricting them from traveling near certain areas, such as schools", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS9C_W27", + "questions": [ + { + "key": "CARS9C_W27", + "text": "Would you strongly favor, favor, oppose, or strongly oppose the following rules and regulations for driverless vehicles? Requiring them to have a person in the driver's seat who could take control in an emergency situation", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS10A_W27", + "questions": [ + { + "key": "CARS10A_W27", + "text": "If driverless vehicles become widespread, which of the following do you think are likely to happen as a result? Elderly and disabled people will be able to live more independently", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS10B_W27", + "questions": [ + { + "key": "CARS10B_W27", + "text": "If driverless vehicles become widespread, which of the following do you think are likely to happen as a result? Many people who drive for a living would lose their jobs", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS10C_W27", + "questions": [ + { + "key": "CARS10C_W27", + "text": "If driverless vehicles become widespread, which of the following do you think are likely to happen as a result? Owning a car would become much less important to people", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS10D_W27", + "questions": [ + { + "key": "CARS10D_W27", + "text": "If driverless vehicles become widespread, which of the following do you think are likely to happen as a result? Most people would never learn how to drive a car on their own", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CARS10E_W27", + "questions": [ + { + "key": "CARS10E_W27", + "text": "If driverless vehicles become widespread, which of the following do you think are likely to happen as a result? There would be much less traffic in major cities", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK2_W27", + "questions": [ + { + "key": "WORK2_W27", + "text": "On a different subject, would you say that society generally places too much importance on working and having a job, not enough importance on working and having a job, or is it just about right?", + "valid_options": [ + { + "raw": "Too much importance", + "text": "Too much importance", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough importance", + "text": "Not enough importance", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Just about right", + "text": "Just about right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3A_W27", + "questions": [ + { + "key": "WORK3A_W27", + "text": "What impact have the following technologies had on you and your job or career? Industrial robots", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3B_W27", + "questions": [ + { + "key": "WORK3B_W27", + "text": "What impact have the following technologies had on you and your job or career? Word processing or spreadsheet software", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3C_W27", + "questions": [ + { + "key": "WORK3C_W27", + "text": "What impact have the following technologies had on you and your job or career? Email or social media", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3D_W27", + "questions": [ + { + "key": "WORK3D_W27", + "text": "What impact have the following technologies had on you and your job or career? Software that manages your daily work schedule or routine", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3E_W27", + "questions": [ + { + "key": "WORK3E_W27", + "text": "What impact have the following technologies had on you and your job or career? Smartphones", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK3F_W27", + "questions": [ + { + "key": "WORK3F_W27", + "text": "What impact have the following technologies had on you and your job or career? Technologies that help customers serve themselves on their own", + "valid_options": [ + { + "raw": "Positive impact", + "text": "Positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative impact", + "text": "Negative impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK4A_W27", + "questions": [ + { + "key": "WORK4A_W27", + "text": "Thinking about how demanding your work is, has technology generally made your work", + "valid_options": [ + { + "raw": "More demanding", + "text": "More demanding", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less demanding", + "text": "Less demanding", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK4B_W27", + "questions": [ + { + "key": "WORK4B_W27", + "text": "Thinking about how interesting your work is, has technology generally made your work", + "valid_options": [ + { + "raw": "More interesting", + "text": "More interesting", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less interesting", + "text": "Less interesting", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK4C_W27", + "questions": [ + { + "key": "WORK4C_W27", + "text": "Thinking about opportunities for advancement in your career, do you feel that technology has", + "valid_options": [ + { + "raw": "Increased your opportunities", + "text": "Increased your opportunities", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Decreased your opportunities", + "text": "Decreased your opportunities", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No impact either way", + "text": "No impact either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB1_W27", + "questions": [ + { + "key": "ROBJOB1_W27", + "text": "Please consider the following scenario - in the future, robots and computers with advanced capabilities may be able to do most of the jobs that are currently done by humans today. How much have you heard, read, or thought about this idea before today?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB2_W27", + "questions": [ + { + "key": "ROBJOB2_W27", + "text": "Based on what you know, does the idea of robots and computers being able to do most of the jobs currently done by humans in the future seem", + "valid_options": [ + { + "raw": "Extremely realistic", + "text": "Extremely realistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat realistic", + "text": "Somewhat realistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very realistic", + "text": "Not very realistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all realistic", + "text": "Not at all realistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB3A_W27", + "questions": [ + { + "key": "ROBJOB3A_W27", + "text": "How enthusiastic are you, if at all, about the possibility of robots and computers being able to do most of the jobs currently done by humans in the future, for society as a whole?", + "valid_options": [ + { + "raw": "Very enthusiastic", + "text": "Very enthusiastic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat enthusiastic", + "text": "Somewhat enthusiastic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too enthusiastic", + "text": "Not too enthusiastic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all enthusiastic", + "text": "Not at all enthusiastic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB3B_W27", + "questions": [ + { + "key": "ROBJOB3B_W27", + "text": "How worried are you, if at all, about the possibility of robots and computers being able to do most of the jobs currently done by humans in the future, for society as a whole?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat worried", + "text": "Somewhat worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4A_W27", + "questions": [ + { + "key": "ROBJOB4A_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? Inequality between rich and poor would be much worse than it is today", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4B_W27", + "questions": [ + { + "key": "ROBJOB4B_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? People would have a hard time finding things to do with their lives", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4C_W27", + "questions": [ + { + "key": "ROBJOB4C_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? People would be able to focus less on work and more on the things that really matter to them in life", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4D_W27", + "questions": [ + { + "key": "ROBJOB4D_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? The economy as a whole would be much more efficient", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4E_W27", + "questions": [ + { + "key": "ROBJOB4E_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? The economy would create many new, better-paying jobs for humans", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB4F_W27", + "questions": [ + { + "key": "ROBJOB4F_W27", + "text": "Do you think the following are likely to happen as a result of robots and computers being able to do most of the jobs currently done by humans in the future? Humans would find their jobs more meaningful and fulfilling since machines would mostly be doing things that humans find unappealing", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB5B_W27", + "questions": [ + { + "key": "ROBJOB5B_W27", + "text": "Would you favor or oppose the following? If robots and computers were mostly limited to doing jobs that are dangerous or unhealthy for humans to do", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB5C_W27", + "questions": [ + { + "key": "ROBJOB5C_W27", + "text": "Would you favor or oppose the following? If people had the option of paying extra to interact with a human, rather than a robot or computer, when buying a product or service", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB5D_W27", + "questions": [ + { + "key": "ROBJOB5D_W27", + "text": "Would you favor or oppose the following? If the federal government created a national service program that paid people to perform tasks even if a robot or computer could do those tasks faster or cheaper", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB6_W27", + "questions": [ + { + "key": "ROBJOB6_W27", + "text": "Which of the following statements best describes how you feel, even if neither is exactly right?", + "valid_options": [ + { + "raw": "The government would have an obligation to take care of people whose jobs are displaced by robots and computers", + "text": "The government would have an obligation to take care of people whose jobs are displaced by robots and computers", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Individuals would have an obligation to take care of their own financial well-being, even if robots and computers", + "text": "Individuals would have an obligation to take care of their own financial well-being, even if robots and computers", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB7_W27", + "questions": [ + { + "key": "ROBJOB7_W27", + "text": "Which of the following statements best describes how you feel, even if neither is exactly right?", + "valid_options": [ + { + "raw": "If businesses can receive better work at lower cost by replacing humans with robots and computers, they are justified", + "text": "If businesses can receive better work at lower cost by replacing humans with robots and computers, they are justified", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "There should be limits on how many jobs businesses can replace with robots and computers, even if they can do those", + "text": "There should be limits on how many jobs businesses can replace with robots and computers, even if they can do those", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8A_W27", + "questions": [ + { + "key": "ROBJOB8A_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a software engineer will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8B_W27", + "questions": [ + { + "key": "ROBJOB8B_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a legal clerk will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8C_W27", + "questions": [ + { + "key": "ROBJOB8C_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a nurse will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8D_W27", + "questions": [ + { + "key": "ROBJOB8D_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a construction worker will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8E_W27", + "questions": [ + { + "key": "ROBJOB8E_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a fast food worker will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8F_W27", + "questions": [ + { + "key": "ROBJOB8F_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a teacher will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB8G_W27", + "questions": [ + { + "key": "ROBJOB8G_W27", + "text": "Do you think it is very likely, somewhat likely, not very likely, or not at all likely that the job of a insurance claims processor will be mostly replaced by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBJOB9_W27", + "questions": [ + { + "key": "ROBJOB9_W27", + "text": "How likely, if at all, do you think it is that your own job or profession will be mostly done by robots or computers in your lifetime?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very likely", + "text": "Not very likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK5A_W27", + "questions": [ + { + "key": "WORK5A_W27", + "text": "Have you yourself ever lost a job because your employer replaced your position with a machine, robot or computer program?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "I'm not sure", + "text": "I'm not sure", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK6_W27", + "questions": [ + { + "key": "WORK6_W27", + "text": "Have you ever had your pay or hours reduced because your employer replaced some aspect of your job with a machine, robot or computer program?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "I'm not sure", + "text": "I'm not sure", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORK7_W27", + "questions": [ + { + "key": "WORK7_W27", + "text": "Do you personally know anyone who has lost a job, or had their pay or hours reduced, because their employer replaced their work with a machine, robot or computer program?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV1_W27", + "questions": [ + { + "key": "CAREGIV1_W27", + "text": "Please consider the following scenario - in the future, people could be provided with a robot caregiver that would allow them to continue living in their own home as they age. How much have you heard, read, or thought about this idea before today?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV2_W27", + "questions": [ + { + "key": "CAREGIV2_W27", + "text": "Based on what you know does the concept of a robot caregiver for the elderly seem", + "valid_options": [ + { + "raw": "Extremely realistic", + "text": "Extremely realistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat realistic", + "text": "Somewhat realistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very realistic", + "text": "Not very realistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all realistic", + "text": "Not at all realistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV3A_W27", + "questions": [ + { + "key": "CAREGIV3A_W27", + "text": "How enthusiastic are you, if at all, about the possibility of a robot caregiver for society as a whole?", + "valid_options": [ + { + "raw": "Very enthusiastic", + "text": "Very enthusiastic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat enthusiastic", + "text": "Somewhat enthusiastic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too enthusiastic", + "text": "Not too enthusiastic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all enthusiastic", + "text": "Not at all enthusiastic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV3B_W27", + "questions": [ + { + "key": "CAREGIV3B_W27", + "text": "How worried are you, if at all, about the possibility of a robot caregiver for society as a whole?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat worried", + "text": "Somewhat worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV4_W27", + "questions": [ + { + "key": "CAREGIV4_W27", + "text": "Would you, personally, be interested in this type of robot caregiver for yourself or a member of your family?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6A_W27", + "questions": [ + { + "key": "CAREGIV6A_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? Young people would feel less worried about caring for their aging relatives", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6B_W27", + "questions": [ + { + "key": "CAREGIV6B_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? Society would save money on caring for older adults", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6C_W27", + "questions": [ + { + "key": "CAREGIV6C_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? Many older adults would treat their robot caregiver like a human friend", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6D_W27", + "questions": [ + { + "key": "CAREGIV6D_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? Older adults would feel more isolated than they do today", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6E_W27", + "questions": [ + { + "key": "CAREGIV6E_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? Older adults would feel more independent and self-sufficient", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV6F_W27", + "questions": [ + { + "key": "CAREGIV6F_W27", + "text": "If robot caregivers such as these were developed, do you think the following are likely or not likely to happen as a result? These robots would only be used by people who could not afford a human caregiver for their loved one", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CAREGIV7_W27", + "questions": [ + { + "key": "CAREGIV7_W27", + "text": "Would you feel better, worse, or would it not make a difference if the robot caregiver in this scenario had a camera so that a human operator could monitor the situation at all times?", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING1_W27", + "questions": [ + { + "key": "HIRING1_W27", + "text": "Please consider the following scenario - computer programs being used to screen and rank job applicants. How much have you heard, read, or thought about this idea before today?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING2_W27", + "questions": [ + { + "key": "HIRING2_W27", + "text": "Based on what you know, does the concept of using computer programs to make hiring decisions seem", + "valid_options": [ + { + "raw": "Extremely realistic", + "text": "Extremely realistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat realistic", + "text": "Somewhat realistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very realistic", + "text": "Not very realistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all realistic", + "text": "Not at all realistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING3A_W27", + "questions": [ + { + "key": "HIRING3A_W27", + "text": "How enthusiastic are you, if at all, about the possibility of using computer programs to make hiring decisions for society as a whole?", + "valid_options": [ + { + "raw": "Very enthusiastic", + "text": "Very enthusiastic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat enthusiastic", + "text": "Somewhat enthusiastic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too enthusiastic", + "text": "Not too enthusiastic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all enthusiastic", + "text": "Not at all enthusiastic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING3B_W27", + "questions": [ + { + "key": "HIRING3B_W27", + "text": "How worried are you, if at all, about the possibility of using computer programs to make hiring decisions for society as a whole?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat worried", + "text": "Somewhat worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING4_W27", + "questions": [ + { + "key": "HIRING4_W27", + "text": "Would you, personally, want to apply for a job that used this type of computer program to make hiring decisions?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING6A_W27", + "questions": [ + { + "key": "HIRING6A_W27", + "text": "Do you think computer programs for hiring would do a better job, a worse job, or do about the same as humans when it comes to hiring candidates who are well-qualified", + "valid_options": [ + { + "raw": "Better job than humans", + "text": "Better job than humans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse job than humans", + "text": "Worse job than humans", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING6B_W27", + "questions": [ + { + "key": "HIRING6B_W27", + "text": "Do you think computer programs for hiring would do a better job, a worse job, or do about the same as humans when it comes to hiring candidates who fit well with the company's culture", + "valid_options": [ + { + "raw": "Better job than humans", + "text": "Better job than humans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse job than humans", + "text": "Worse job than humans", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING6C_W27", + "questions": [ + { + "key": "HIRING6C_W27", + "text": "Do you think computer programs for hiring would do a better job, a worse job, or do about the same as humans when it comes to choosing candidates from a diverse range of backgrounds", + "valid_options": [ + { + "raw": "Better job than humans", + "text": "Better job than humans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse job than humans", + "text": "Worse job than humans", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING6D_W27", + "questions": [ + { + "key": "HIRING6D_W27", + "text": "Do you think computer programs for hiring would do a better job, a worse job, or do about the same as humans when it comes to providing opportunities for candidates with non-traditional experiences", + "valid_options": [ + { + "raw": "Better job than humans", + "text": "Better job than humans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse job than humans", + "text": "Worse job than humans", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING7A_W27", + "questions": [ + { + "key": "HIRING7A_W27", + "text": "Would you feel better or worse about computer programs making hiring decisions if these computer programs included public data about each candidate - such as the material they post on social media - in making their evaluations", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIRING7B_W27", + "questions": [ + { + "key": "HIRING7B_W27", + "text": "Would you feel better or worse about computer programs making hiring decisions if companies used these computer programs to conduct initial screenings of potential candidates, but then interviewed those candidates in the traditional way", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE1_W27", + "questions": [ + { + "key": "VOICE1_W27", + "text": "Do you ever use a voice-controlled digital assistant, such as Apple Siri, Amazon Alexa, Google Assistant, or Microsoft Cortana?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE3_W27", + "questions": [ + { + "key": "VOICE3_W27", + "text": "Do you ever use a digital assistant to control other devices in your home, such as a stereo, tv, thermostat, or lighting?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE4_W27", + "questions": [ + { + "key": "VOICE4_W27", + "text": "When you use digital assistants, how often do they accurately respond to your commands?", + "valid_options": [ + { + "raw": "Most of the time", + "text": "Most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very often", + "text": "Not very often", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE5A_W27", + "questions": [ + { + "key": "VOICE5A_W27", + "text": "Which of the following, if any, are reasons why you use a voice-controlled digital assistant? It lets me use my phone or device while doing other things with my hands", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE5B_W27", + "questions": [ + { + "key": "VOICE5B_W27", + "text": "Which of the following, if any, are reasons why you use a voice-controlled digital assistant? Spoken language feels more natural than typing", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE5C_W27", + "questions": [ + { + "key": "VOICE5C_W27", + "text": "Which of the following, if any, are reasons why you use a voice-controlled digital assistant? It's easier for children to use", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VOICE5D_W27", + "questions": [ + { + "key": "VOICE5D_W27", + "text": "Which of the following, if any, are reasons why you use a voice-controlled digital assistant? It's fun", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE1_W27", + "questions": [ + { + "key": "DRONE1_W27", + "text": "Do you personally own a flying drone?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE2_W27", + "questions": [ + { + "key": "DRONE2_W27", + "text": "Have you ever seen someone operating a drone?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE4A_W27", + "questions": [ + { + "key": "DRONE4A_W27", + "text": "Do you think that private citizens should or should not be allowed to pilot drones in the following areas? Near people's homes", + "valid_options": [ + { + "raw": "Should be allowed", + "text": "Should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not be allowed", + "text": "Should not be allowed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It depends", + "text": "It depends", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE4B_W27", + "questions": [ + { + "key": "DRONE4B_W27", + "text": "Do you think that private citizens should or should not be allowed to pilot drones in the following areas? Near crime scenes or traffic accidents", + "valid_options": [ + { + "raw": "Should be allowed", + "text": "Should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not be allowed", + "text": "Should not be allowed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It depends", + "text": "It depends", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE4C_W27", + "questions": [ + { + "key": "DRONE4C_W27", + "text": "Do you think that private citizens should or should not be allowed to pilot drones in the following areas? On beaches", + "valid_options": [ + { + "raw": "Should be allowed", + "text": "Should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not be allowed", + "text": "Should not be allowed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It depends", + "text": "It depends", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE4D_W27", + "questions": [ + { + "key": "DRONE4D_W27", + "text": "Do you think that private citizens should or should not be allowed to pilot drones in the following areas? In public parks", + "valid_options": [ + { + "raw": "Should be allowed", + "text": "Should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not be allowed", + "text": "Should not be allowed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It depends", + "text": "It depends", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DRONE4E_W27", + "questions": [ + { + "key": "DRONE4E_W27", + "text": "Do you think that private citizens should or should not be allowed to pilot drones in the following areas? At events, like concerts or rallies", + "valid_options": [ + { + "raw": "Should be allowed", + "text": "Should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not be allowed", + "text": "Should not be allowed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It depends", + "text": "It depends", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W29/variables.json b/variables/ATP/American_Trends_Panel_W29/variables.json new file mode 100644 index 0000000..c1b65f6 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W29/variables.json @@ -0,0 +1,2965 @@ +[ + { + "name": "PERSDISCR_W29", + "questions": [ + { + "key": "PERSDISCR_W29", + "text": "Have you ever personally experienced discrimination or been treated unfairly because of your gender, or not?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NOWSMK_NHIS_W29", + "questions": [ + { + "key": "NOWSMK_NHIS_W29", + "text": "Do you now smoke cigarettes", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some days", + "text": "Some days", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BLOODPR_W29", + "questions": [ + { + "key": "BLOODPR_W29", + "text": "Have you ever been told by a doctor or other health professional that you had hypertension, also called high blood pressure?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFF1A_W29", + "questions": [ + { + "key": "DIFF1A_W29", + "text": "Do you think men and women are basically similar or basically different when it comes to their hobbies and personal interests?", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFF1B_W29", + "questions": [ + { + "key": "DIFF1B_W29", + "text": "Do you think men and women are basically similar or basically different when it comes to their physical abilities?", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFF1C_W29", + "questions": [ + { + "key": "DIFF1C_W29", + "text": "Do you think men and women are basically similar or basically different when it comes to their approach to parenting?", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFF1D_W29", + "questions": [ + { + "key": "DIFF1D_W29", + "text": "Do you think men and women are basically similar or basically different when it comes to how they express their feelings?", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFF1E_W29", + "questions": [ + { + "key": "DIFF1E_W29", + "text": "Do you think men and women are basically similar or basically different when it comes to the things they are good at in the workplace?", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MASC2_W29", + "questions": [ + { + "key": "MASC2_W29", + "text": "Now thinking about how you see yourself, would you describe yourself as", + "valid_options": [ + { + "raw": "Very manly or masculine", + "text": "Very manly or masculine", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat manly or masculine", + "text": "Somewhat manly or masculine", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too manly or masculine", + "text": "Not too manly or masculine", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all manly or masculine", + "text": "Not at all manly or masculine", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEM2_W29", + "questions": [ + { + "key": "FEM2_W29", + "text": "Now thinking about how you see yourself, would you describe yourself as", + "valid_options": [ + { + "raw": "Very womanly or feminine", + "text": "Very womanly or feminine", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat womanly or feminine", + "text": "Somewhat womanly or feminine", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too womanly or feminine", + "text": "Not too womanly or feminine", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all womanly or feminine", + "text": "Not at all womanly or feminine", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MASC1F1_W29", + "questions": [ + { + "key": "MASC1F1_W29", + "text": "Thinking about how society sees men these days, in general, would you say", + "valid_options": [ + { + "raw": "Most people look up to men who are manly or masculine", + "text": "Most people look up to men who are manly or masculine", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most people look down on men who are manly or masculine", + "text": "Most people look down on men who are manly or masculine", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither", + "text": "Neither", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MASC2AF1_W29", + "questions": [ + { + "key": "MASC2AF1_W29", + "text": "Do you think it's a good thing or a bad thing that most people in our society look up to men who are manly or masculine?", + "valid_options": [ + { + "raw": "Good thing", + "text": "Good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad thing", + "text": "Bad thing", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MASC2BF1_W29", + "questions": [ + { + "key": "MASC2BF1_W29", + "text": "Do you think it's a good thing or a bad thing that most people in our society look down on men who are manly or masculine?", + "valid_options": [ + { + "raw": "Good thing", + "text": "Good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad thing", + "text": "Bad thing", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEM1F2_W29", + "questions": [ + { + "key": "FEM1F2_W29", + "text": "Thinking about how society sees women these days, in general, would you say", + "valid_options": [ + { + "raw": "Most people look up to women who are womanly or feminine", + "text": "Most people look up to women who are womanly or feminine", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most people look down on women who are womanly or feminine", + "text": "Most people look down on women who are womanly or feminine", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither", + "text": "Neither", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEM2AF2_W29", + "questions": [ + { + "key": "FEM2AF2_W29", + "text": "Do you think it's a good thing or a bad thing that most people in our society look up to women who are womanly or feminine?", + "valid_options": [ + { + "raw": "Good thing", + "text": "Good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad thing", + "text": "Bad thing", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEM2BF2_W29", + "questions": [ + { + "key": "FEM2BF2_W29", + "text": "Do you think it's a good thing or a bad thing that most people in our society look down on women who are womanly or feminine?", + "valid_options": [ + { + "raw": "Good thing", + "text": "Good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad thing", + "text": "Bad thing", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOODJOBS_W29", + "questions": [ + { + "key": "GOODJOBS_W29", + "text": "In general, thinking about job opportunities where you live, would you say that", + "valid_options": [ + { + "raw": "There are plenty of good jobs available", + "text": "There are plenty of good jobs available", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Good jobs are difficult to find", + "text": "Good jobs are difficult to find", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTA_W29", + "questions": [ + { + "key": "HELPHURTA_W29", + "text": "Thinking about your work life, has the growing number of immigrants working in this country done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTB_W29", + "questions": [ + { + "key": "HELPHURTB_W29", + "text": "Thinking about your work life, has more women in the workforce done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTC_W29", + "questions": [ + { + "key": "HELPHURTC_W29", + "text": "Thinking about your work life, has a growing emphasis on diversity in the workplace done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTD_W29", + "questions": [ + { + "key": "HELPHURTD_W29", + "text": "Thinking about your work life, has increased outsourcing of jobs to other countries done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTE_W29", + "questions": [ + { + "key": "HELPHURTE_W29", + "text": "Thinking about your work life, has automation of jobs through new technology in the workplace done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTF_W29", + "questions": [ + { + "key": "HELPHURTF_W29", + "text": "Thinking about your work life, has more foreign-made products being sold in the U.S. done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HELPHURTG_W29", + "questions": [ + { + "key": "HELPHURTG_W29", + "text": "Thinking about your work life, has more U.S.-made products being sold in other countries done more to help or hurt your job or career, or hasn't it made much of a difference for your job or career?", + "valid_options": [ + { + "raw": "Has done more to help my job or career", + "text": "Has done more to help my job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has done more to hurt my job or career", + "text": "Has done more to hurt my job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much of a difference", + "text": "Hasn't made much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRANSGEND1_W29", + "questions": [ + { + "key": "TRANSGEND1_W29", + "text": "Which statement comes closer to your views, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Whether someone is a man or a woman is determined by the sex they were assigned at birth", + "text": "Whether someone is a man or a woman is determined by the sex they were assigned at birth", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Someone can be a man or a woman even if that is different from the sex they were assigned at birth", + "text": "Someone can be a man or a woman even if that is different from the sex they were assigned at birth", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEENMASC_W29", + "questions": [ + { + "key": "SEENMASC_W29", + "text": "On a different topic how important is it to you, personally, to be seen by others as manly or masculine?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEENFEM_W29", + "questions": [ + { + "key": "SEENFEM_W29", + "text": "On a different topic how important is it to you, personally, to be seen by others as womanly or feminine?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAN1A_W29", + "questions": [ + { + "key": "MAN1A_W29", + "text": "In general, how much pressure, if any, do you think men face in our country these days to be interested in sports?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAN1B_W29", + "questions": [ + { + "key": "MAN1B_W29", + "text": "In general, how much pressure, if any, do you think men face in our country these days to have many sexual partners?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAN1C_W29", + "questions": [ + { + "key": "MAN1C_W29", + "text": "In general, how much pressure, if any, do you think men face in our country these days to join in when other men are talking about women in a sexual way?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAN1D_W29", + "questions": [ + { + "key": "MAN1D_W29", + "text": "In general, how much pressure, if any, do you think men face in our country these days to be willing to throw a punch if provoked?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAN1E_W29", + "questions": [ + { + "key": "MAN1E_W29", + "text": "In general, how much pressure, if any, do you think men face in our country these days to be emotionally strong?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FA_W29", + "questions": [ + { + "key": "MESUM1_FA_W29", + "text": "How well, if at all, do the following words or phrases describe you? Honor and duty are my core values", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FB_W29", + "questions": [ + { + "key": "MESUM1_FB_W29", + "text": "How well, if at all, do the following words or phrases describe you? Compassion and helping others are my core values", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FC_W29", + "questions": [ + { + "key": "MESUM1_FC_W29", + "text": "How well, if at all, do the following words or phrases describe you? Willing to work with people I disagree with", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FD_W29", + "questions": [ + { + "key": "MESUM1_FD_W29", + "text": "How well, if at all, do the following words or phrases describe you? Blue collar", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FE_W29", + "questions": [ + { + "key": "MESUM1_FE_W29", + "text": "How well, if at all, do the following words or phrases describe you? Focused on my professional life and career", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM1_FF_W29", + "questions": [ + { + "key": "MESUM1_FF_W29", + "text": "How well, if at all, do the following words or phrases describe you? Interested in visiting other countries", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FA_W29", + "questions": [ + { + "key": "MESUM2_FA_W29", + "text": "How well, if at all, do the following words or phrases describe you? Environmentalist", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FB_W29", + "questions": [ + { + "key": "MESUM2_FB_W29", + "text": "How well, if at all, do the following words or phrases describe you? Have traditional values", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FC_W29", + "questions": [ + { + "key": "MESUM2_FC_W29", + "text": "How well, if at all, do the following words or phrases describe you? Supporter of the National Rifle Association NRA", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FD_W29", + "questions": [ + { + "key": "MESUM2_FD_W29", + "text": "How well, if at all, do the following words or phrases describe you? Supporter of the Black Lives Matter movement", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FE_W29", + "questions": [ + { + "key": "MESUM2_FE_W29", + "text": "How well, if at all, do the following words or phrases describe you? Supporter of rights for lesbian, gay, bisexual and transgender LGBT people", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MESUM2_FF_W29", + "questions": [ + { + "key": "MESUM2_FF_W29", + "text": "How well, if at all, do the following words or phrases describe you? Consider myself a feminist", + "valid_options": [ + { + "raw": "Describes me well", + "text": "Describes me well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe me well", + "text": "Does not describe me well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRANSGEND2_W29", + "questions": [ + { + "key": "TRANSGEND2_W29", + "text": "Thinking about the people you know, including yourself, do you personally know anyone who is transgender, or not?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRANSGEND3_W29", + "questions": [ + { + "key": "TRANSGEND3_W29", + "text": "Which of the following statements comes closer to your feelings?", + "valid_options": [ + { + "raw": "Our society has gone too far in accepting people who are transgender", + "text": "Our society has gone too far in accepting people who are transgender", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Our society has not gone far enough in accepting people who are transgender", + "text": "Our society has not gone far enough in accepting people who are transgender", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Our society has been about right when it comes to accepting people who are transgender", + "text": "Our society has been about right when it comes to accepting people who are transgender", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSA_W29", + "questions": [ + { + "key": "TRAITSA_W29", + "text": "How well, if at all, do the following words or phrases describe you? Intelligent", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSB_W29", + "questions": [ + { + "key": "TRAITSB_W29", + "text": "How well, if at all, do the following words or phrases describe you? Physically attractive", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSC_W29", + "questions": [ + { + "key": "TRAITSC_W29", + "text": "How well, if at all, do the following words or phrases describe you? Nurturing", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSD_W29", + "questions": [ + { + "key": "TRAITSD_W29", + "text": "How well, if at all, do the following words or phrases describe you? Assertive", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSE_W29", + "questions": [ + { + "key": "TRAITSE_W29", + "text": "How well, if at all, do the following words or phrases describe you? Physically strong", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITSF_W29", + "questions": [ + { + "key": "TRAITSF_W29", + "text": "How well, if at all, do the following words or phrases describe you? Sensitive", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BOYSF1A_W29", + "questions": [ + { + "key": "BOYSF1A_W29", + "text": "When it comes to raising boys, would you say there is too much emphasis or too little emphasis on encouraging boys to be leaders these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BOYSF1B_W29", + "questions": [ + { + "key": "BOYSF1B_W29", + "text": "When it comes to raising boys, would you say there is too much emphasis or too little emphasis on encouraging boys to talk about their feelings when they are sad or upset these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BOYSF1C_W29", + "questions": [ + { + "key": "BOYSF1C_W29", + "text": "When it comes to raising boys, would you say there is too much emphasis or too little emphasis on encouraging boys to stand up for themselves these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BOYSF1D_W29", + "questions": [ + { + "key": "BOYSF1D_W29", + "text": "When it comes to raising boys, would you say there is too much emphasis or too little emphasis on encouraging boys to do well in school these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GIRLSF2A_W29", + "questions": [ + { + "key": "GIRLSF2A_W29", + "text": "When it comes to raising girls, would you say there is too much emphasis or too little emphasis on encouraging girls to be leaders these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GIRLSF2B_W29", + "questions": [ + { + "key": "GIRLSF2B_W29", + "text": "When it comes to raising girls, would you say there is too much emphasis or too little emphasis on encouraging girls to talk about their feelings when they are sad or upset these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GIRLSF2C_W29", + "questions": [ + { + "key": "GIRLSF2C_W29", + "text": "When it comes to raising girls, would you say there is too much emphasis or too little emphasis on encouraging girls to stand up for themselves these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GIRLSF2D_W29", + "questions": [ + { + "key": "GIRLSF2D_W29", + "text": "When it comes to raising girls, would you say there is too much emphasis or too little emphasis on encouraging girls to do well in school these days, or is it about right?", + "valid_options": [ + { + "raw": "Too much emphasis", + "text": "Too much emphasis", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little emphasis", + "text": "Too little emphasis", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About right", + "text": "About right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SPOUSESEX_W29", + "questions": [ + { + "key": "SPOUSESEX_W29", + "text": "Thinking about your spouse or partner is your spouse or partner of the opposite sex as you or the same sex as you?", + "valid_options": [ + { + "raw": "Opposite sex", + "text": "Opposite sex", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Same sex", + "text": "Same sex", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOOD_NHISA_W29", + "questions": [ + { + "key": "HOOD_NHISA_W29", + "text": "How much do you agree or disagree with the following statements about your neighborhood? There are people I can count on in this neighborhood", + "valid_options": [ + { + "raw": "Definitely agree", + "text": "Definitely agree", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat agree", + "text": "Somewhat agree", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat disagree", + "text": "Somewhat disagree", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Definitely disagree", + "text": "Definitely disagree", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOOD_NHISB_W29", + "questions": [ + { + "key": "HOOD_NHISB_W29", + "text": "How much do you agree or disagree with the following statements about your neighborhood? People in this neighborhood can be trusted", + "valid_options": [ + { + "raw": "Definitely agree", + "text": "Definitely agree", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat agree", + "text": "Somewhat agree", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat disagree", + "text": "Somewhat disagree", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Definitely disagree", + "text": "Definitely disagree", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOOD_NHISC_W29", + "questions": [ + { + "key": "HOOD_NHISC_W29", + "text": "How much do you agree or disagree with the following statements about your neighborhood? This is a close-knit neighborhood", + "valid_options": [ + { + "raw": "Definitely agree", + "text": "Definitely agree", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat agree", + "text": "Somewhat agree", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat disagree", + "text": "Somewhat disagree", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Definitely disagree", + "text": "Definitely disagree", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALELECT_W29", + "questions": [ + { + "key": "LOCALELECT_W29", + "text": "The next question is about local elections, such as for mayor or a school board. Do you", + "valid_options": [ + { + "raw": "Always vote in local elections", + "text": "Always vote in local elections", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes vote in local elections", + "text": "Sometimes vote in local elections", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely vote in local elections", + "text": "Rarely vote in local elections", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never vote in local elections", + "text": "Never vote in local elections", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PARTICIPATEA_W29", + "questions": [ + { + "key": "PARTICIPATEA_W29", + "text": "Have you participated in any of these groups during the last 12 months, that is since September 2016? A school group, neighborhood, or community association such as PTA or neighborhood watch group", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PARTICIPATEB_W29", + "questions": [ + { + "key": "PARTICIPATEB_W29", + "text": "Have you participated in any of these groups during the last 12 months, that is since September 2016? A service or civic organization such as American Legion or Lions Club", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PARTICIPATEC_W29", + "questions": [ + { + "key": "PARTICIPATEC_W29", + "text": "Have you participated in any of these groups during the last 12 months, that is since September 2016? A sports or recreation organization such as a soccer club or tennis club", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "S7_W29", + "questions": [ + { + "key": "S7_W29", + "text": "In the last 12 months, that is since September 2016, have you served on a committee or as an officer of any group or organization?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "S12_W29", + "questions": [ + { + "key": "S12_W29", + "text": "In the last 12 months, how often did you eat dinner with any of the other members of your household?", + "valid_options": [ + { + "raw": "Basically every day", + "text": "Basically every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A few times a week", + "text": "A few times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A few times a month", + "text": "A few times a month", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Once a month", + "text": "Once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "S13_W29", + "questions": [ + { + "key": "S13_W29", + "text": "This next question is about friends and family you do not live with. During the last twelve months, how often did you see or hear from friends or family, whether in-person or not?", + "valid_options": [ + { + "raw": "Basically every day", + "text": "Basically every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A few times a week", + "text": "A few times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A few times a month", + "text": "A few times a month", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Once a month", + "text": "Once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TALK_CPS_W29", + "questions": [ + { + "key": "TALK_CPS_W29", + "text": "In the last 12 months, how often did you talk with any of your neighbors?", + "valid_options": [ + { + "raw": "Basically every day", + "text": "Basically every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A few times a week", + "text": "A few times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A few times a month", + "text": "A few times a month", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Once a month", + "text": "Once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAVORS_CPS_W29", + "questions": [ + { + "key": "FAVORS_CPS_W29", + "text": "In the last 12 months, how often did you and your neighbors do favors for each other?", + "valid_options": [ + { + "raw": "Basically every day", + "text": "Basically every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A few times a week", + "text": "A few times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A few times a month", + "text": "A few times a month", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Once a month", + "text": "Once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYRET_W29", + "questions": [ + { + "key": "WORRYRET_W29", + "text": "How worried are you right now about not having enough money for retirement?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderately worried", + "text": "Moderately worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not worried at all", + "text": "Not worried at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRYBILL_W29", + "questions": [ + { + "key": "WORRYBILL_W29", + "text": "How worried are you right now about not having enough to pay your normal monthly bills?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderately worried", + "text": "Moderately worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not worried at all", + "text": "Not worried at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOPDIRCT_W29", + "questions": [ + { + "key": "GOPDIRCT_W29", + "text": "Thinking about the future of the Republican Party, would you say that you are", + "valid_options": [ + { + "raw": "Very optimistic", + "text": "Very optimistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat optimistic", + "text": "Somewhat optimistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat pessimistic", + "text": "Somewhat pessimistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very pessimistic", + "text": "Very pessimistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEMDIRCT_W29", + "questions": [ + { + "key": "DEMDIRCT_W29", + "text": "Thinking about the future of the Democratic Party, would you say that you are", + "valid_options": [ + { + "raw": "Very optimistic", + "text": "Very optimistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat optimistic", + "text": "Somewhat optimistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat pessimistic", + "text": "Somewhat pessimistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very pessimistic", + "text": "Very pessimistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W32/variables.json b/variables/ATP/American_Trends_Panel_W32/variables.json new file mode 100644 index 0000000..125514b --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W32/variables.json @@ -0,0 +1,3818 @@ +[ + { + "name": "SATLIFEA_W32", + "questions": [ + { + "key": "SATLIFEA_W32", + "text": "Please tell us whether you are satisfied or dissatisfied with your family life.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEB_W32", + "questions": [ + { + "key": "SATLIFEB_W32", + "text": "Please tell us whether you are satisfied or dissatisfied with your social life.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEC_W32", + "questions": [ + { + "key": "SATLIFEC_W32", + "text": "Please tell us whether you are satisfied or dissatisfied with your personal financial situation.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFED_W32", + "questions": [ + { + "key": "SATLIFED_W32", + "text": "Please tell us whether you are satisfied or dissatisfied with your current job or career.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEE_W32", + "questions": [ + { + "key": "SATLIFEE_W32", + "text": "Please tell us whether you are satisfied or dissatisfied with the quality of life in your local community.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCTRUST_W32", + "questions": [ + { + "key": "SOCTRUST_W32", + "text": "Generally speaking, would you say that", + "valid_options": [ + { + "raw": "Most people can be trusted", + "text": "Most people can be trusted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "You can't be too careful in dealing with people", + "text": "You can't be too careful in dealing with people", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCTRUST2_W32", + "questions": [ + { + "key": "SOCTRUST2_W32", + "text": "Generally speaking, would you say that", + "valid_options": [ + { + "raw": "Most people can be trusted", + "text": "Most people can be trusted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most people cannot be trusted", + "text": "Most people cannot be trusted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCTRUST4_W32", + "questions": [ + { + "key": "SOCTRUST4_W32", + "text": "Generally speaking, would you say you can trust most people", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCTRUST5_W32", + "questions": [ + { + "key": "SOCTRUST5_W32", + "text": "Generally speaking, would you say that", + "valid_options": [ + { + "raw": "Most people can be trusted to do the right thing", + "text": "Most people can be trusted to do the right thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most people cannot be trusted to do the right thing", + "text": "Most people cannot be trusted to do the right thing", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMYRS_W32", + "questions": [ + { + "key": "COMMYRS_W32", + "text": "About how many years have you lived in your local community?", + "valid_options": [ + { + "raw": "Less than 1 year", + "text": "Less than 1 year", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "1-5 years", + "text": "1-5 years", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "6-10 years", + "text": "6-10 years", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "11-20 years", + "text": "11-20 years", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "More than 20 years", + "text": "More than 20 years", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMATTACH_W32", + "questions": [ + { + "key": "COMATTACH_W32", + "text": "In general, how attached do you feel to your local community?", + "valid_options": [ + { + "raw": "Very attached", + "text": "Very attached", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat attached", + "text": "Somewhat attached", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too attached", + "text": "Not too attached", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all attached", + "text": "Not at all attached", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEELA_W32", + "questions": [ + { + "key": "FEELA_W32", + "text": "How often, if ever, do you feel lonely or isolated from those around you", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEELB_W32", + "questions": [ + { + "key": "FEELB_W32", + "text": "How often, if ever, do you feel you have people you can turn to for support", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEELC_W32", + "questions": [ + { + "key": "FEELC_W32", + "text": "How often, if ever, do you feel optimistic about your life", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEELD_W32", + "questions": [ + { + "key": "FEELD_W32", + "text": "How often, if ever, do you feel you are too busy to enjoy life", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INC_W32", + "questions": [ + { + "key": "INC_W32", + "text": "Do you currently have enough income to lead the kind of life you want?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INCFUTURE_W32", + "questions": [ + { + "key": "INCFUTURE_W32", + "text": "Do you think you will have enough income in the future to lead the kind of life you want?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPA_W32", + "questions": [ + { + "key": "COMMIMPA_W32", + "text": "How important is it to you, personally, to live in a community with access to art, music and theater", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPB_W32", + "questions": [ + { + "key": "COMMIMPB_W32", + "text": "How important is it to you, personally, to live in a community that is a good place to raise children", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPC_W32", + "questions": [ + { + "key": "COMMIMPC_W32", + "text": "How important is it to you, personally, to live in a community that is racially and ethnically diverse", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPD_W32", + "questions": [ + { + "key": "COMMIMPD_W32", + "text": "How important is it to you, personally, to live in a community where most people share your political views", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPE_W32", + "questions": [ + { + "key": "COMMIMPE_W32", + "text": "How important is it to you, personally, to live in a community with access to recreational and outdoor activities", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPF_W32", + "questions": [ + { + "key": "COMMIMPF_W32", + "text": "How important is it to you, personally, to live in a community where you have family nearby", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPG_W32", + "questions": [ + { + "key": "COMMIMPG_W32", + "text": "How important is it to you, personally, to live in a community with a strong sense of community", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMMIMPH_W32", + "questions": [ + { + "key": "COMMIMPH_W32", + "text": "How important is it to you, personally, to live in a community where most people share your religious views", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMNEAR_W32", + "questions": [ + { + "key": "FAMNEAR_W32", + "text": "Thinking about members of your extended family who don't live with you, about how many of them live within an hour's drive of where you live now?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "I don't have extended family", + "text": "I don't have extended family", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUCCESSIMPA_W32", + "questions": [ + { + "key": "SUCCESSIMPA_W32", + "text": "How important, if at all, do you think a college education is in helping a young person succeed in the world today?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUCCESSIMPB_W32", + "questions": [ + { + "key": "SUCCESSIMPB_W32", + "text": "How important, if at all, do you think knowing how to get along with people is in helping a young person succeed in the world today?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUCCESSIMPC_W32", + "questions": [ + { + "key": "SUCCESSIMPC_W32", + "text": "How important, if at all, do you think a good work ethic is in helping a young person succeed in the world today?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUCCESSIMPD_W32", + "questions": [ + { + "key": "SUCCESSIMPD_W32", + "text": "How important, if at all, do you think work skills learned on the job is in helping a young person succeed in the world today?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important but not essential", + "text": "Important but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEDSHAREA_W32", + "questions": [ + { + "key": "FEDSHAREA_W32", + "text": "Thinking about how the federal government spends money, do you think urban areas get", + "valid_options": [ + { + "raw": "More than their fair share", + "text": "More than their fair share", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less than their fair share", + "text": "Less than their fair share", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEDSHAREB_W32", + "questions": [ + { + "key": "FEDSHAREB_W32", + "text": "Thinking about how the federal government spends money, do you think suburban areas get", + "valid_options": [ + { + "raw": "More than their fair share", + "text": "More than their fair share", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less than their fair share", + "text": "Less than their fair share", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FEDSHAREC_W32", + "questions": [ + { + "key": "FEDSHAREC_W32", + "text": "Thinking about how the federal government spends money, do you think rural areas get", + "valid_options": [ + { + "raw": "More than their fair share", + "text": "More than their fair share", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less than their fair share", + "text": "Less than their fair share", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBA_W32", + "questions": [ + { + "key": "LOCALPROBA_W32", + "text": "How much, if at all, is availability of jobs a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBB_W32", + "questions": [ + { + "key": "LOCALPROBB_W32", + "text": "How much, if at all, is drug addiction a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBC_W32", + "questions": [ + { + "key": "LOCALPROBC_W32", + "text": "How much, if at all, is access to grocery stores a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBD_W32", + "questions": [ + { + "key": "LOCALPROBD_W32", + "text": "How much, if at all, is access to good doctors and hospitals a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBE_W32", + "questions": [ + { + "key": "LOCALPROBE_W32", + "text": "How much, if at all, is access to high-speed internet a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBF_W32", + "questions": [ + { + "key": "LOCALPROBF_W32", + "text": "How much, if at all, is access to public transportation a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBG_W32", + "questions": [ + { + "key": "LOCALPROBG_W32", + "text": "How much, if at all, is racism a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBH_W32", + "questions": [ + { + "key": "LOCALPROBH_W32", + "text": "How much, if at all, is availability of affordable housing a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBI_W32", + "questions": [ + { + "key": "LOCALPROBI_W32", + "text": "How much, if at all, is poverty a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBJ_W32", + "questions": [ + { + "key": "LOCALPROBJ_W32", + "text": "How much, if at all, is crime a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBK_W32", + "questions": [ + { + "key": "LOCALPROBK_W32", + "text": "How much, if at all, is the quality of K-12 education in the public schools a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBL_F1_W32", + "questions": [ + { + "key": "LOCALPROBL_F1_W32", + "text": "How much, if at all, is the condition of roads, bridges and other infrastructure a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOCALPROBM_F2_W32", + "questions": [ + { + "key": "LOCALPROBM_F2_W32", + "text": "How much, if at all, is traffic a problem in your local community?", + "valid_options": [ + { + "raw": "Major problem in my local community", + "text": "Major problem in my local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem in my local community", + "text": "Minor problem in my local community", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem in my local community", + "text": "Not a problem in my local community", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "JOBSFUTURE_W32", + "questions": [ + { + "key": "JOBSFUTURE_W32", + "text": "Looking ahead 10 years, do you expect the availability of jobs where you live to", + "valid_options": [ + { + "raw": "Get better", + "text": "Get better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Get worse", + "text": "Get worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1A_W32", + "questions": [ + { + "key": "HARASS1A_W32", + "text": "When it comes to sexual harassment in the workplace today, how much of a problem, if at all, would you say women claiming they have experienced sexual harassment or assault when it hasn't actually occurred is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1B_W32", + "questions": [ + { + "key": "HARASS1B_W32", + "text": "When it comes to sexual harassment in the workplace today, how much of a problem, if at all, would you say employers firing men who have been accused of sexual harassment or assault before finding out all the facts are?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1C_W32", + "questions": [ + { + "key": "HARASS1C_W32", + "text": "When it comes to sexual harassment in the workplace today, how much of a problem, if at all, would you say men getting away with committing sexual harassment or assault is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1D_W32", + "questions": [ + { + "key": "HARASS1D_W32", + "text": "When it comes to sexual harassment in the workplace today, how much of a problem, if at all, would you say women not being believed when they claim that they have experienced sexual harassment or assault is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS2F1_W32", + "questions": [ + { + "key": "HARASS2F1_W32", + "text": "In the long run, do you think the increased focus on sexual harassment and assault will lead to", + "valid_options": [ + { + "raw": "More opportunities for women in the workplace", + "text": "More opportunities for women in the workplace", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fewer opportunities for women in the workplace", + "text": "Fewer opportunities for women in the workplace", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Won't make much of a difference", + "text": "Won't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS3F2_W32", + "questions": [ + { + "key": "HARASS3F2_W32", + "text": "Do you think the increased focus on sexual harassment and assault has made it easier or harder for men to know how to interact with women in the workplace, or hasn't it made much difference?", + "valid_options": [ + { + "raw": "Has made it easier for men", + "text": "Has made it easier for men", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has made it harder for men", + "text": "Has made it harder for men", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much difference", + "text": "Hasn't made much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS4_W32", + "questions": [ + { + "key": "HARASS4_W32", + "text": "Now thinking about your own experiences have you ever personally received unwanted sexual advances or verbal or physical harassment of a sexual nature? This can be in any circumstance, whether or not work-related.", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS5_W32", + "questions": [ + { + "key": "HARASS5_W32", + "text": "Have you received unwanted sexual advances or verbal or physical harassment of a sexual nature", + "valid_options": [ + { + "raw": "In a professional or work setting", + "text": "In a professional or work setting", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Outside of a professional or work setting", + "text": "Outside of a professional or work setting", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both", + "text": "Both", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPNEAR_W32", + "questions": [ + { + "key": "GROWUPNEAR_W32", + "text": "Now thinking again about the community where you live do you currently live in or near the community where you grew up?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LIFELOC_W32", + "questions": [ + { + "key": "LIFELOC_W32", + "text": "And have you lived in or near this community your entire life, or have you lived in other places?", + "valid_options": [ + { + "raw": "Lived in or near this community my entire life", + "text": "Lived in or near this community my entire life", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Lived in other places", + "text": "Lived in other places", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VALUEURBAN_W32", + "questions": [ + { + "key": "VALUEURBAN_W32", + "text": "In general, do you think most people who live in urban areas have values that are", + "valid_options": [ + { + "raw": "Very similar to your values", + "text": "Very similar to your values", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat similar to your values", + "text": "Somewhat similar to your values", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat different from your values", + "text": "Somewhat different from your values", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very different from your values", + "text": "Very different from your values", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VALUESUBURB_W32", + "questions": [ + { + "key": "VALUESUBURB_W32", + "text": "In general, do you think most people who live in suburban areas have values that are", + "valid_options": [ + { + "raw": "Very similar to your values", + "text": "Very similar to your values", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat similar to your values", + "text": "Somewhat similar to your values", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat different from your values", + "text": "Somewhat different from your values", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very different from your values", + "text": "Very different from your values", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VALUERURAL_W32", + "questions": [ + { + "key": "VALUERURAL_W32", + "text": "In general, do you think most people who live in rural areas have values that are", + "valid_options": [ + { + "raw": "Very similar to your values", + "text": "Very similar to your values", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat similar to your values", + "text": "Somewhat similar to your values", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat different from your values", + "text": "Somewhat different from your values", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very different from your values", + "text": "Very different from your values", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHKNOW_W32", + "questions": [ + { + "key": "NEIGHKNOW_W32", + "text": "Thinking of your neighbors, would you say you", + "valid_options": [ + { + "raw": "Know all of them", + "text": "Know all of them", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Know most of them", + "text": "Know most of them", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Know only some of them", + "text": "Know only some of them", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Don't know any of them", + "text": "Don't know any of them", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHINTERA_W32", + "questions": [ + { + "key": "NEIGHINTERA_W32", + "text": "In general, how often, if ever, would you say you have face-to-face conversations with any of your neighbors", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Several times a week", + "text": "Several times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About once a week", + "text": "About once a week", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "About once a month", + "text": "About once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHINTERB_W32", + "questions": [ + { + "key": "NEIGHINTERB_W32", + "text": "In general, how often, if ever, would you say you talk on the phone with any of your neighbors", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Several times a week", + "text": "Several times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About once a week", + "text": "About once a week", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "About once a month", + "text": "About once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHINTERC_W32", + "questions": [ + { + "key": "NEIGHINTERC_W32", + "text": "In general, how often, if ever, would you say you exchange emails or text messages with any of your neighbors", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Several times a week", + "text": "Several times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About once a week", + "text": "About once a week", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "About once a month", + "text": "About once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHINTERD_W32", + "questions": [ + { + "key": "NEIGHINTERD_W32", + "text": "In general, how often, if ever, would you say you have parties or get-togethers with any of your neighbors", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Several times a week", + "text": "Several times a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About once a week", + "text": "About once a week", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "About once a month", + "text": "About once a month", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Less than once a month", + "text": "Less than once a month", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHKEYS_W32", + "questions": [ + { + "key": "NEIGHKEYS_W32", + "text": "Do you have any neighbors you would feel comfortable asking to keep a set of keys to your home for emergencies (for example if you were locked out)?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHKIDS_W32", + "questions": [ + { + "key": "NEIGHKIDS_W32", + "text": "Do you have any neighbors you would feel comfortable asking to watch your children for half an hour in a pinch?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Does not apply", + "text": "Does not apply", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHSAMEA_W32", + "questions": [ + { + "key": "NEIGHSAMEA_W32", + "text": "As far as you know, how many of your neighbors are the same race or ethnicity as you", + "valid_options": [ + { + "raw": "All of them", + "text": "All of them", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of them", + "text": "Most of them", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About half", + "text": "About half", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only some of them", + "text": "Only some of them", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of them", + "text": "None of them", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHSAMEB_W32", + "questions": [ + { + "key": "NEIGHSAMEB_W32", + "text": "As far as you know, how many of your neighbors are the same social class as you", + "valid_options": [ + { + "raw": "All of them", + "text": "All of them", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of them", + "text": "Most of them", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About half", + "text": "About half", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only some of them", + "text": "Only some of them", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of them", + "text": "None of them", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEIGHSAMEC_W32", + "questions": [ + { + "key": "NEIGHSAMEC_W32", + "text": "As far as you know, how many of your neighbors have the same political views as you", + "valid_options": [ + { + "raw": "All of them", + "text": "All of them", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of them", + "text": "Most of them", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About half", + "text": "About half", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only some of them", + "text": "Only some of them", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of them", + "text": "None of them", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMMCOMM_W32", + "questions": [ + { + "key": "IMMCOMM_W32", + "text": "As far as you know, how many immigrants, if any, would you say there are in your local community?", + "valid_options": [ + { + "raw": "Many", + "text": "Many", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMMIMPACT_W32", + "questions": [ + { + "key": "IMMIMPACT_W32", + "text": "Thinking about the immigrants who live in your local community, in general, would you say their impact on the community has been", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GROWUPUSR_W32", + "questions": [ + { + "key": "GROWUPUSR_W32", + "text": "How would you describe the community where you spent the majority of time when you were growing up?", + "valid_options": [ + { + "raw": "Urban", + "text": "Urban", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Suburban", + "text": "Suburban", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rural", + "text": "Rural", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMTYPE2_W32", + "questions": [ + { + "key": "COMTYPE2_W32", + "text": "How would you describe the community where you currently live?", + "valid_options": [ + { + "raw": "Urban", + "text": "Urban", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Suburban", + "text": "Suburban", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rural", + "text": "Rural", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITYSIZE_W32", + "questions": [ + { + "key": "CITYSIZE_W32", + "text": "Would you say you currently live in a", + "valid_options": [ + { + "raw": "Large city", + "text": "Large city", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Midsize city", + "text": "Midsize city", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small city", + "text": "Small city", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUBURBNEAR_W32", + "questions": [ + { + "key": "SUBURBNEAR_W32", + "text": "Thinking about the city your community is a suburb of, would you say you live", + "valid_options": [ + { + "raw": "Very close to that city", + "text": "Very close to that city", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat close to that city", + "text": "Somewhat close to that city", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too close to that city", + "text": "Not too close to that city", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROBURBAN_W32", + "questions": [ + { + "key": "PROBURBAN_W32", + "text": "How well, if at all, do you think you understand the types of problems faced by people who live in urban areas?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROBSUBURB_W32", + "questions": [ + { + "key": "PROBSUBURB_W32", + "text": "How well, if at all, do you think you understand the types of problems faced by people who live in suburban areas?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROBRURAL_W32", + "questions": [ + { + "key": "PROBRURAL_W32", + "text": "How well, if at all, do you think you understand the types of problems faced by people who live in rural areas?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WANTMOVE_W32", + "questions": [ + { + "key": "WANTMOVE_W32", + "text": "If you could, would you want to move to a different community?", + "valid_options": [ + { + "raw": "Would want to move", + "text": "Would want to move", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Would not want to move", + "text": "Would not want to move", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "WILLMOVE_W32", + "questions": [ + { + "key": "WILLMOVE_W32", + "text": "Regardless of whether you would want to move, how likely is it that you will move to a different community at some point in the future?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOVEURBAN_W32", + "questions": [ + { + "key": "MOVEURBAN_W32", + "text": "If you could move to a different community, would you want to", + "valid_options": [ + { + "raw": "Stay in an urban area", + "text": "Stay in an urban area", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Move to a suburban area", + "text": "Move to a suburban area", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Move to a rural area", + "text": "Move to a rural area", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOVESUBURB_W32", + "questions": [ + { + "key": "MOVESUBURB_W32", + "text": "If you could move to a different community, would you want to", + "valid_options": [ + { + "raw": "Stay in a suburban area", + "text": "Stay in a suburban area", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Move to an urban area", + "text": "Move to an urban area", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Move to a rural area", + "text": "Move to a rural area", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOVERURAL_W32", + "questions": [ + { + "key": "MOVERURAL_W32", + "text": "If you could move to a different community, would you want to", + "valid_options": [ + { + "raw": "Stay in a rural area", + "text": "Stay in a rural area", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Move to an urban area", + "text": "Move to an urban area", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Move to a suburban area", + "text": "Move to a suburban area", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ETHNCMAJ_W32", + "questions": [ + { + "key": "ETHNCMAJ_W32", + "text": "According to the U.S. Census Bureau, in the next 25 to 30 years, African Americans, Latinos, and people of Asian descent will make up a majority of the population. In general, do you think that this is", + "valid_options": [ + { + "raw": "Good for the country", + "text": "Good for the country", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad for the country", + "text": "Bad for the country", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for the country", + "text": "Neither good nor bad for the country", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMMCULT2_W32", + "questions": [ + { + "key": "IMMCULT2_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "The growing number of newcomers from other countries threatens traditional American customs and values", + "text": "The growing number of newcomers from other countries threatens traditional American customs and values", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The growing number of newcomers from other countries strengthens American society", + "text": "The growing number of newcomers from other countries strengthens American society", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARRFAM2_W32", + "questions": [ + { + "key": "MARRFAM2_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "Society is better off if people make marriage and having children a priority", + "text": "Society is better off if people make marriage and having children a priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Society is just as well off if people have priorities other than marriage and children", + "text": "Society is just as well off if people have priorities other than marriage and children", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECONFAIR2_W32", + "questions": [ + { + "key": "ECONFAIR2_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "The economic system in this country unfairly favors powerful interests", + "text": "The economic system in this country unfairly favors powerful interests", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The economic system in this country is generally fair to most Americans", + "text": "The economic system in this country is generally fair to most Americans", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WOMENOPPS_W32", + "questions": [ + { + "key": "WOMENOPPS_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "The obstacles that once made it harder for women than men to get ahead are now largely gone", + "text": "The obstacles that once made it harder for women than men to get ahead are now largely gone", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "There are still significant obstacles that make it harder for women to get ahead than men", + "text": "There are still significant obstacles that make it harder for women to get ahead than men", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVT_ROLE_W32", + "questions": [ + { + "key": "GOVT_ROLE_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "Government should do more to solve problems", + "text": "Government should do more to solve problems", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government is doing too many things better left to businesses and individuals", + "text": "Government is doing too many things better left to businesses and individuals", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHADVANT_W32", + "questions": [ + { + "key": "WHADVANT_W32", + "text": "On a different subject how much, if at all, do white people benefit from advantages in society that black people do not have?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAYMARR2_W32", + "questions": [ + { + "key": "GAYMARR2_W32", + "text": "As you may know, same-sex marriage is now legal in the U.S. Do you think this is a good thing or a bad thing for our society?", + "valid_options": [ + { + "raw": "Very good thing", + "text": "Very good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good thing", + "text": "Somewhat good thing", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad thing", + "text": "Somewhat bad thing", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad thing", + "text": "Very bad thing", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ABORTION_W32", + "questions": [ + { + "key": "ABORTION_W32", + "text": "Do you think abortion should be", + "valid_options": [ + { + "raw": "legal in all or most cases", + "text": "legal in all or most cases", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "illegal in all or most cases", + "text": "illegal in all or most cases", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ABORTIONRESTR_W32", + "questions": [ + { + "key": "ABORTIONRESTR_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "There are some situations in which abortion should be restricted", + "text": "There are some situations in which abortion should be restricted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "There are no situations at all where abortion should be restricted", + "text": "There are no situations at all where abortion should be restricted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ABORTIONALLOW_W32", + "questions": [ + { + "key": "ABORTIONALLOW_W32", + "text": "Which statement comes closer to your own views?", + "valid_options": [ + { + "raw": "There are some situations in which abortion should be allowed", + "text": "There are some situations in which abortion should be allowed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "There are no situations at all where abortion should be allowed", + "text": "There are no situations at all where abortion should be allowed", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CLASS_W32", + "questions": [ + { + "key": "CLASS_W32", + "text": "If you were asked to use one of these commonly used names for the social classes, which would you say you belong in?", + "valid_options": [ + { + "raw": "Upper class", + "text": "Upper class", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Upper-middle class", + "text": "Upper-middle class", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Middle class", + "text": "Middle class", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Lower-middle class", + "text": "Lower-middle class", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Lower class", + "text": "Lower class", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MISINFG_W32", + "questions": [ + { + "key": "MISINFG_W32", + "text": "Thinking about news and information online, including social media which comes closer to your own view?", + "valid_options": [ + { + "raw": "The U.S. government should take steps to restrict false information online", + "text": "The U.S. government should take steps to restrict false information online", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People's freedom to publish and access information should be protected", + "text": "People's freedom to publish and access information should be protected", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MISINFT_W32", + "questions": [ + { + "key": "MISINFT_W32", + "text": "Thinking about news and information online, including social media which comes closer to your own view?", + "valid_options": [ + { + "raw": "Technology companies should take steps to restrict false information online", + "text": "Technology companies should take steps to restrict false information online", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People's freedom to publish and access information should be protected", + "text": "People's freedom to publish and access information should be protected", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W34/variables.json b/variables/ATP/American_Trends_Panel_W34/variables.json new file mode 100644 index 0000000..a1804f4 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W34/variables.json @@ -0,0 +1,2523 @@ +[ + { + "name": "SCI1_W34", + "questions": [ + { + "key": "SCI1_W34", + "text": "Overall, do you think science has made life easier or more difficult for most people?", + "valid_options": [ + { + "raw": "Easier", + "text": "Easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "More difficult", + "text": "More difficult", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI2A_W34", + "questions": [ + { + "key": "SCI2A_W34", + "text": "Do you think science has had a mostly positive or mostly negative effect on the quality of food in the U.S.?", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI2B_W34", + "questions": [ + { + "key": "SCI2B_W34", + "text": "Do you think science has had a mostly positive or mostly negative effect on the quality of Health care in the U.S.?", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI2C_W34", + "questions": [ + { + "key": "SCI2C_W34", + "text": "Do you think science has had a mostly positive or mostly negative effect on the quality of the environment in the U.S.?", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI3A_W34", + "questions": [ + { + "key": "SCI3A_W34", + "text": "In your opinion, do you think government investments in basic scientific research usually pay off in the long run, or are they not worth it?", + "valid_options": [ + { + "raw": "Government investments usually pay off in the long run", + "text": "Government investments usually pay off in the long run", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government investments aren't worth it", + "text": "Government investments aren't worth it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI3B_W34", + "questions": [ + { + "key": "SCI3B_W34", + "text": "In your opinion, do you think government investments in engineering and technology usually pay off in the long run, or are they not worth it?", + "valid_options": [ + { + "raw": "Government investments usually pay off in the long run", + "text": "Government investments usually pay off in the long run", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government investments aren't worth it", + "text": "Government investments aren't worth it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI3C_W34", + "questions": [ + { + "key": "SCI3C_W34", + "text": "In your opinion, do you think government investments in medical research usually pay off in the long run, or are they not worth it?", + "valid_options": [ + { + "raw": "Government investments usually pay off in the long run", + "text": "Government investments usually pay off in the long run", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government investments aren't worth it", + "text": "Government investments aren't worth it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI4_W34", + "questions": [ + { + "key": "SCI4_W34", + "text": "Which statement comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Government investment in research is essential for scientific progress", + "text": "Government investment in research is essential for scientific progress", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Private investment will ensure that enough scientific progress is made, even without government investment", + "text": "Private investment will ensure that enough scientific progress is made, even without government investment", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCI5_W34", + "questions": [ + { + "key": "SCI5_W34", + "text": "All in all, do you favor or oppose the use of animals in scientific research?", + "valid_options": [ + { + "raw": "Favor", + "text": "Favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Oppose", + "text": "Oppose", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT1_W34", + "questions": [ + { + "key": "EAT1_W34", + "text": "How often do you choose foods to eat because they are healthy and nutritious?", + "valid_options": [ + { + "raw": "All of the time", + "text": "All of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "More than half of the time", + "text": "More than half of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About half of the time", + "text": "About half of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Less than half of the time", + "text": "Less than half of the time", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT2_W34", + "questions": [ + { + "key": "EAT2_W34", + "text": "How often do you choose foods to eat because they are easy and most convenient?", + "valid_options": [ + { + "raw": "All of the time", + "text": "All of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "More than half of the time", + "text": "More than half of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About half of the time", + "text": "About half of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Less than half of the time", + "text": "Less than half of the time", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT3E_W34", + "questions": [ + { + "key": "EAT3E_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Cholesterol", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Cholesterol", + "text": "Cholesterol", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3F_W34", + "questions": [ + { + "key": "EAT3F_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Sugar", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Sugar", + "text": "Sugar", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3G_W34", + "questions": [ + { + "key": "EAT3G_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Artificial preservatives", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Artificial preservatives", + "text": "Artificial preservatives", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3H_W34", + "questions": [ + { + "key": "EAT3H_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Artificial colors", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Artificial colors", + "text": "Artificial colors", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3I_W34", + "questions": [ + { + "key": "EAT3I_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Artificial sweeteners", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Artificial sweeteners", + "text": "Artificial sweeteners", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3J_W34", + "questions": [ + { + "key": "EAT3J_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? Gluten", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "Gluten", + "text": "Gluten", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "EAT3K_W34", + "questions": [ + { + "key": "EAT3K_W34", + "text": "Which of the following, if any, do you restrict or limit eating on a regular basis? None of these", + "valid_options": [ + { + "raw": "Not selected", + "text": "Not selected", + "natural_language": null, + "ordinal": 0.0 + }, + { + "raw": "None of these", + "text": "None of these", + "natural_language": null, + "ordinal": 1.0 + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "FUD22_W34", + "questions": [ + { + "key": "FUD22_W34", + "text": "How much of the food you eat is organic?", + "valid_options": [ + { + "raw": "Most of it", + "text": "Most of it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of it", + "text": "Some of it", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD24_W34", + "questions": [ + { + "key": "FUD24_W34", + "text": "Do you think organic fruits and vegetables are generally", + "valid_options": [ + { + "raw": "Better for one's health than conventionally grown foods", + "text": "Better for one's health than conventionally grown foods", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse for one's health than conventionally grown foods", + "text": "Worse for one's health than conventionally grown foods", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither better nor worse for one's health than conventionally grown foods", + "text": "Neither better nor worse for one's health than conventionally grown foods", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT5A_W34", + "questions": [ + { + "key": "EAT5A_W34", + "text": "How much health risk, if any, does eating fruits and vegetables grown with pesticides have for the average person over the course of their lifetime?", + "valid_options": [ + { + "raw": "A great deal of health risk", + "text": "A great deal of health risk", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some health risk", + "text": "Some health risk", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much health risk", + "text": "Not too much health risk", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No health risk at all", + "text": "No health risk at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT5B_W34", + "questions": [ + { + "key": "EAT5B_W34", + "text": "How much health risk, if any, does eating meat from animals that have been given antibiotics or hormones have for the average person over the course of their lifetime?", + "valid_options": [ + { + "raw": "A great deal of health risk", + "text": "A great deal of health risk", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some health risk", + "text": "Some health risk", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much health risk", + "text": "Not too much health risk", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No health risk at all", + "text": "No health risk at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT5C_W34", + "questions": [ + { + "key": "EAT5C_W34", + "text": "How much health risk, if any, does eating food and drinks with artificial coloring have for the average person over the course of their lifetime?", + "valid_options": [ + { + "raw": "A great deal of health risk", + "text": "A great deal of health risk", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some health risk", + "text": "Some health risk", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much health risk", + "text": "Not too much health risk", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No health risk at all", + "text": "No health risk at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT5D_W34", + "questions": [ + { + "key": "EAT5D_W34", + "text": "How much health risk, if any, does eating food and drinks with artificial preservatives have for the average person over the course of their lifetime?", + "valid_options": [ + { + "raw": "A great deal of health risk", + "text": "A great deal of health risk", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some health risk", + "text": "Some health risk", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much health risk", + "text": "Not too much health risk", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No health risk at all", + "text": "No health risk at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EAT6_W34", + "questions": [ + { + "key": "EAT6_W34", + "text": "Which of these statements comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "The average person is exposed to additives in the food they eat every day, which pose a serious risk to their health", + "text": "The average person is exposed to additives in the food they eat every day, which pose a serious risk to their health", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The average person is exposed to additives in the food they eat every day but they eat such a small amount that this doe", + "text": "The average person is exposed to additives in the food they eat every day but they eat such a small amount that this doe", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD32_W34", + "questions": [ + { + "key": "FUD32_W34", + "text": "Genetically modified foods come from a technique that adds genes from other organisms to change that food's genetic characteristics. How much, if anything, have you heard or read about foods with genetically modified ingredients?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD33A_W34", + "questions": [ + { + "key": "FUD33A_W34", + "text": "Do you think foods with genetically modified ingredients are generally", + "valid_options": [ + { + "raw": "Better for your health than foods with no genetically modified ingredients", + "text": "Better for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse for your health than foods with no genetically modified ingredients", + "text": "Worse for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither better nor worse for your health than foods with no genetically modified ingredients", + "text": "Neither better nor worse for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "FUD33B_W34", + "questions": [ + { + "key": "FUD33B_W34", + "text": "Even if you are not sure, which is closer to your views? Do you think foods with genetically modified ingredients are generally", + "valid_options": [ + { + "raw": "Better for your health than foods with no genetically modified ingredients", + "text": "Better for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse for your health than foods with no genetically modified ingredients", + "text": "Worse for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither better nor worse for your health than foods with no genetically modified ingredients", + "text": "Neither better nor worse for your health than foods with no genetically modified ingredients", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD35_W34", + "questions": [ + { + "key": "FUD35_W34", + "text": "How much do you, personally, care about the issue of genetically modified foods?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD37A_W34", + "questions": [ + { + "key": "FUD37A_W34", + "text": "How likely is it that genetically modified foods will lead to more affordably-priced food", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD37B_W34", + "questions": [ + { + "key": "FUD37B_W34", + "text": "How likely is it that genetically modified foods will lead to health problems for the population as a whole", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD37C_W34", + "questions": [ + { + "key": "FUD37C_W34", + "text": "How likely is it that genetically modified foods will create problems for the environment", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUD37D_W34", + "questions": [ + { + "key": "FUD37D_W34", + "text": "How likely is it that genetically modified foods will increase the global food supply", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED1_W34", + "questions": [ + { + "key": "MED1_W34", + "text": "Thinking now about medicine which of these statements comes closer to your point of view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Medical treatments these days are worth the costs because they allow people to live longer and better quality lives", + "text": "Medical treatments these days are worth the costs because they allow people to live longer and better quality lives", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Medical treatments these days often create as many problems as they solve", + "text": "Medical treatments these days often create as many problems as they solve", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2A_W34", + "questions": [ + { + "key": "MED2A_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? Healthcare providers are too quick to order tests and procedures that may not be necessary", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2B_W34", + "questions": [ + { + "key": "MED2B_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? People rely too much on prescription medicines that may not be necessary", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2C_W34", + "questions": [ + { + "key": "MED2C_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? New treatments are made available before we fully understand how they affect people's health", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2D_W34", + "questions": [ + { + "key": "MED2D_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? The cost of treatments makes quality medical care unaffordable", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2E_W34", + "questions": [ + { + "key": "MED2E_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? New treatments are so complex that patients cannot make informed decisions", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2F_W34", + "questions": [ + { + "key": "MED2F_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? Side effects from prescription medicines create as many problems as the medicines solve", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED2G_W34", + "questions": [ + { + "key": "MED2G_W34", + "text": "Thinking about medical treatments these days, how much of a problem, if at all, are the following? The process for evaluating the safety and effectiveness of new medical treatments is too slow", + "valid_options": [ + { + "raw": "A big problem", + "text": "A big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED3_W34", + "questions": [ + { + "key": "MED3_W34", + "text": "How much, if anything, have you heard or read about gene editing that can be used to change a baby's genetic characteristics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED4A_W34", + "questions": [ + { + "key": "MED4A_W34", + "text": "Do you think changing a baby's genetic characteristics to make the baby more intelligent is an appropriate use of medical technology ?", + "valid_options": [ + { + "raw": "An appropriate use of medical technology", + "text": "An appropriate use of medical technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking medical technology too far", + "text": "Taking medical technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED4B_W34", + "questions": [ + { + "key": "MED4B_W34", + "text": "Do you think changing a baby's genetic characteristics to treat a serious disease or condition the baby would have at birth is an appropriate use of medical technology ?", + "valid_options": [ + { + "raw": "An appropriate use of medical technology", + "text": "An appropriate use of medical technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking medical technology too far", + "text": "Taking medical technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED4C_W34", + "questions": [ + { + "key": "MED4C_W34", + "text": "Do you think changing a baby's genetic characteristics to reduce the risk of a serious disease or condition that could occur over the course of his or her lifetime is an appropriate use of medical technology ?", + "valid_options": [ + { + "raw": "An appropriate use of medical technology", + "text": "An appropriate use of medical technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking medical technology too far", + "text": "Taking medical technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED5_W34", + "questions": [ + { + "key": "MED5_W34", + "text": "Thinking about what you have heard or read, how well do you think medical researchers understand the health risks and benefits of changing a baby's genetic characteristics?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly well", + "text": "Fairly well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED6A_W34", + "questions": [ + { + "key": "MED6A_W34", + "text": "How likely is the following if gene editing to change a baby's genetic characteristics becomes widely available? Even if gene editing is used appropriately in some cases, others will use these techniques in ways that are morally unacceptable", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED6B_W34", + "questions": [ + { + "key": "MED6B_W34", + "text": "How likely is the following if gene editing to change a baby's genetic characteristics becomes widely available? These techniques will help people live longer and better quality lives", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED6C_W34", + "questions": [ + { + "key": "MED6C_W34", + "text": "How likely is the following if gene editing to change a baby's genetic characteristics becomes widely available? We will use these techniques before we fully understand how they affect people's health", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED6D_W34", + "questions": [ + { + "key": "MED6D_W34", + "text": "How likely is the following if gene editing to change a baby's genetic characteristics becomes widely available? Inequality will increase because this option will be available only for the wealthy", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED6E_W34", + "questions": [ + { + "key": "MED6E_W34", + "text": "How likely is the following if gene editing to change a baby's genetic characteristics becomes widely available? Development of these techniques will pave the way for new medical advances that benefit society as a whole", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly likely", + "text": "Fairly likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MED7_W34", + "questions": [ + { + "key": "MED7_W34", + "text": "If gene editing to change a baby's genetic characteristics required testing on human embryos in order to develop these techniques, do you think this would be", + "valid_options": [ + { + "raw": "An appropriate use of medical technology", + "text": "An appropriate use of medical technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking medical technology too far", + "text": "Taking medical technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIOTECHA_W34", + "questions": [ + { + "key": "BIOTECHA_W34", + "text": "Do you think genetic engineering of animals to increase their production of specific proteins that will lead to more nutritious meat would be", + "valid_options": [ + { + "raw": "An appropriate use of technology", + "text": "An appropriate use of technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking technology too far", + "text": "Taking technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIOTECHB_W34", + "questions": [ + { + "key": "BIOTECHB_W34", + "text": "Do you think bringing back an animal that is currently extinct by genetically engineering a closely-related species would be", + "valid_options": [ + { + "raw": "An appropriate use of technology", + "text": "An appropriate use of technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking technology too far", + "text": "Taking technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIOTECHC_W34", + "questions": [ + { + "key": "BIOTECHC_W34", + "text": "Do you think genetic engineering of mosquitoes that would prevent them from reproducing in order to prevent the spread of some mosquito-borne diseases would be", + "valid_options": [ + { + "raw": "An appropriate use of technology", + "text": "An appropriate use of technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking technology too far", + "text": "Taking technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIOTECHD_W34", + "questions": [ + { + "key": "BIOTECHD_W34", + "text": "Do you think genetic engineering of animals to grow organs or tissues that can be used for humans needing a transplant would be", + "valid_options": [ + { + "raw": "An appropriate use of technology", + "text": "An appropriate use of technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking technology too far", + "text": "Taking technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIOTECHE_W34", + "questions": [ + { + "key": "BIOTECHE_W34", + "text": "Do you think genetic engineering of aquarium fish to change their appearance, causing them to glow would be", + "valid_options": [ + { + "raw": "An appropriate use of technology", + "text": "An appropriate use of technology", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Taking technology too far", + "text": "Taking technology too far", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVOONE_W34", + "questions": [ + { + "key": "EVOONE_W34", + "text": "Thinking about the development of human life on Earth which statement comes closer to your own views, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Humans have evolved over time", + "text": "Humans have evolved over time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVOTWO_W34", + "questions": [ + { + "key": "EVOTWO_W34", + "text": "Even if you are not sure, which of these is closer to your views?", + "valid_options": [ + { + "raw": "Humans have evolved over time", + "text": "Humans have evolved over time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused", + "Other view" + ] + } + ] + }, + { + "name": "EVOTHREE_W34", + "questions": [ + { + "key": "EVOTHREE_W34", + "text": "Which of these statements comes closer to your own views, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "text": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "text": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVOPERS3_W34", + "questions": [ + { + "key": "EVOPERS3_W34", + "text": "Thinking about the development of human life on Earth which statement comes closest to your view?", + "valid_options": [ + { + "raw": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "text": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "text": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EVOPERS3A_W34", + "questions": [ + { + "key": "EVOPERS3A_W34", + "text": "Even if you are not sure, which statement comes closest to your view?", + "valid_options": [ + { + "raw": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "text": "Humans have evolved over time due to processes such as natural selection; God or a higher power had no role in this proc", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "text": "Humans have evolved over time due to processes that were guided or allowed by God or a higher power", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused", + "Other view" + ] + } + ] + }, + { + "name": "EVOBIOA_W34", + "questions": [ + { + "key": "EVOBIOA_W34", + "text": "From what you have heard or read, which of these statements about the development of human life on Earth comes closest to what most biological scientists say?", + "valid_options": [ + { + "raw": "Humans have evolved over time due to processes such as natural selection", + "text": "Humans have evolved over time due to processes such as natural selection", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "EVOBIOB_W34", + "questions": [ + { + "key": "EVOBIOB_W34", + "text": "Even if you are not sure, from what you have heard or read, which of these statements about the development of human life on Earth comes closest to what most biological scientists say?", + "valid_options": [ + { + "raw": "Humans have evolved over time due to processes such as natural selection", + "text": "Humans have evolved over time due to processes such as natural selection", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Humans have existed in their present form since the beginning of time", + "text": "Humans have existed in their present form since the beginning of time", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIO15_W34", + "questions": [ + { + "key": "BIO15_W34", + "text": "Have you seen a health care provider for an illness or medical condition in the past 12 months, or not?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "G1_W34", + "questions": [ + { + "key": "G1_W34", + "text": "Do you, or does anyone in your immediate family, have a gene that predisposes you to a serious disease such as Alzheimer's, cancer, heart disease or sickle cell anemia?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "G2_W34", + "questions": [ + { + "key": "G2_W34", + "text": "Have you, or has anyone in your immediate family, ever had a genetic test, or haven't you done this?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W36/variables.json b/variables/ATP/American_Trends_Panel_W36/variables.json new file mode 100644 index 0000000..2bdde9a --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W36/variables.json @@ -0,0 +1,4907 @@ +[ + { + "name": "HAPPYLIFE_W36", + "questions": [ + { + "key": "HAPPYLIFE_W36", + "text": "Generally, how would you say things are these days in your life? Would you say that you are", + "valid_options": [ + { + "raw": "Very happy", + "text": "Very happy", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty happy", + "text": "Pretty happy", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too happy", + "text": "Not too happy", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1A_W36", + "questions": [ + { + "key": "ESSENPOLF1A_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to be honest and ethical?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1B_W36", + "questions": [ + { + "key": "ESSENPOLF1B_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to be compassionate and empathetic?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1C_W36", + "questions": [ + { + "key": "ESSENPOLF1C_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to be able to work out compromises?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1D_W36", + "questions": [ + { + "key": "ESSENPOLF1D_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to work well under pressure?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1E_W36", + "questions": [ + { + "key": "ESSENPOLF1E_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to be willing to take risks?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1F_W36", + "questions": [ + { + "key": "ESSENPOLF1F_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to stand up for what they believe in, despite political pressure?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1G_W36", + "questions": [ + { + "key": "ESSENPOLF1G_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to be persuasive?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1H_W36", + "questions": [ + { + "key": "ESSENPOLF1H_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to maintain a tone of civility and respect in politics?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENPOLF1I_W36", + "questions": [ + { + "key": "ESSENPOLF1I_W36", + "text": "In general, how important, if at all, is it to you for someone in high political office to serve as a role model for children?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2A_W36", + "questions": [ + { + "key": "ESSENBIZF2A_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to be honest and ethical?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2B_W36", + "questions": [ + { + "key": "ESSENBIZF2B_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to be compassionate and empathetic?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2C_W36", + "questions": [ + { + "key": "ESSENBIZF2C_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to be able to work out compromises?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2D_W36", + "questions": [ + { + "key": "ESSENBIZF2D_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to work well under pressure?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2E_W36", + "questions": [ + { + "key": "ESSENBIZF2E_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to be willing to take risks?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2F_W36", + "questions": [ + { + "key": "ESSENBIZF2F_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to value people from different backgrounds?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2G_W36", + "questions": [ + { + "key": "ESSENBIZF2G_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to provide fair pay and good benefits?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2H_W36", + "questions": [ + { + "key": "ESSENBIZF2H_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to negotiate profitable deals?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2I_W36", + "questions": [ + { + "key": "ESSENBIZF2I_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to consider the impact of business decisions on society?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2J_W36", + "questions": [ + { + "key": "ESSENBIZF2J_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to provide guidance or mentorship to young employees?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2K_W36", + "questions": [ + { + "key": "ESSENBIZF2K_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to create a safe and respectful workplace?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ESSENBIZF2L_W36", + "questions": [ + { + "key": "ESSENBIZF2L_W36", + "text": "In general, how important, if at all, is it to you for someone in a top executive business position to stand up for what they believe in, despite pressure to make a profit?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "STYLE1_W36", + "questions": [ + { + "key": "STYLE1_W36", + "text": "Next, please think about the leadership styles of people in top positions in business and politics. In general, when it comes to their approach to leadership, do you think that", + "valid_options": [ + { + "raw": "Men and women are basically similar", + "text": "Men and women are basically similar", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men and women are basically different", + "text": "Men and women are basically different", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "STYLE2_W36", + "questions": [ + { + "key": "STYLE2_W36", + "text": "Thinking about the ways in which men and women in top positions in business and politics are different in their approach to leadership, would you say", + "valid_options": [ + { + "raw": "Women generally have a better approach", + "text": "Women generally have a better approach", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Men generally have a better approach", + "text": "Men generally have a better approach", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither is better", + "text": "Neither is better", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AMNTWMNPF1_W36", + "questions": [ + { + "key": "AMNTWMNPF1_W36", + "text": "Thinking about the country today, would you say there are", + "valid_options": [ + { + "raw": "Too many women in high political offices", + "text": "Too many women in high political offices", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too few women in high political offices", + "text": "Too few women in high political offices", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right number of women in high political offices", + "text": "About the right number of women in high political offices", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AMNTWMNP2F1_W36", + "questions": [ + { + "key": "AMNTWMNP2F1_W36", + "text": "What do you think would be the ideal situation when it comes to the number of women in high political office?", + "valid_options": [ + { + "raw": "Having more women than there are now but still not as many women as men", + "text": "Having more women than there are now but still not as many women as men", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Having about an equal number of women and men", + "text": "Having about an equal number of women and men", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Having more women than men", + "text": "Having more women than men", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AMNTWMNBF1_W36", + "questions": [ + { + "key": "AMNTWMNBF1_W36", + "text": "Thinking about the country today, would you say there are", + "valid_options": [ + { + "raw": "Too many women in top executive business positions", + "text": "Too many women in top executive business positions", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too few women in top executive business positions", + "text": "Too few women in top executive business positions", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right number of women in top executive business positions", + "text": "About the right number of women in top executive business positions", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AMNTWMNB2F1_W36", + "questions": [ + { + "key": "AMNTWMNB2F1_W36", + "text": "What do you think would be the ideal situation when it comes to the number of women in top executive business positions?", + "valid_options": [ + { + "raw": "Having more women than there are now but still not as many women as men", + "text": "Having more women than there are now but still not as many women as men", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Having about an equal number of women and men", + "text": "Having about an equal number of women and men", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Having more women than men", + "text": "Having more women than men", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EASIERBIZF2_W36", + "questions": [ + { + "key": "EASIERBIZF2_W36", + "text": "Thinking about top executive positions in business these days, would you say it is generally", + "valid_options": [ + { + "raw": "Easier for men to get these positions", + "text": "Easier for men to get these positions", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Easier for women to get these positions", + "text": "Easier for women to get these positions", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much difference", + "text": "Not much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EASIERPOLF2_W36", + "questions": [ + { + "key": "EASIERPOLF2_W36", + "text": "Thinking about high political offices these days, would you say it is generally", + "valid_options": [ + { + "raw": "Easier for men to get elected to high political offices", + "text": "Easier for men to get elected to high political offices", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Easier for women to get elected to high political offices", + "text": "Easier for women to get elected to high political offices", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much difference", + "text": "Not much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EQUALPOLF2_W36", + "questions": [ + { + "key": "EQUALPOLF2_W36", + "text": "Which of these two statements comes closer to your own view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "As more women run for office, it is only a matter of time before there are as many women as men in high political office", + "text": "As more women run for office, it is only a matter of time before there are as many women as men in high political office", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Even as more women run for office, men will continue to hold more high political offices in the future", + "text": "Even as more women run for office, men will continue to hold more high political offices in the future", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EQUALBIZF2_W36", + "questions": [ + { + "key": "EQUALBIZF2_W36", + "text": "Which of these two statements comes closer to your own view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "As more women move into management roles, it is only a matter of time before there are as many women as men in top execu", + "text": "As more women move into management roles, it is only a matter of time before there are as many women as men in top execu", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Even as more women move into management roles, men will continue to hold more top executive positions in business in the", + "text": "Even as more women move into management roles, men will continue to hold more top executive positions in business in the", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMPROVE1_W36", + "questions": [ + { + "key": "IMPROVE1_W36", + "text": "How much, if anything, do you think having more women in top leadership positions in business and government would do to improve the quality of life for women?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMPROVE2_W36", + "questions": [ + { + "key": "IMPROVE2_W36", + "text": "How much, if anything, do you think having more women in top leadership positions in business and government would do to improve the quality of life for men?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IMPROVE3_W36", + "questions": [ + { + "key": "IMPROVE3_W36", + "text": "How much, if anything, do you think having more women in top leadership positions in business and government would do to improve the quality of life for all Americans?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1A_W36", + "questions": [ + { + "key": "WHYNOTPOLF1A_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Many Americans aren't ready to elect a woman to higher office", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1B_W36", + "questions": [ + { + "key": "WHYNOTPOLF1B_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women in politics face gender discrimination", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1C_W36", + "questions": [ + { + "key": "WHYNOTPOLF1C_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Family responsibilities make it harder for women to run for higher office", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1D_W36", + "questions": [ + { + "key": "WHYNOTPOLF1D_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women aren't tough enough for politics", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1E_W36", + "questions": [ + { + "key": "WHYNOTPOLF1E_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Fewer women have the experience required for higher office", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1F_W36", + "questions": [ + { + "key": "WHYNOTPOLF1F_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women get less support from party leaders", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1G_W36", + "questions": [ + { + "key": "WHYNOTPOLF1G_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women who run for office are held to higher standards than men", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1H_W36", + "questions": [ + { + "key": "WHYNOTPOLF1H_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women who run for office have to more to prove themselves than men", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1I_W36", + "questions": [ + { + "key": "WHYNOTPOLF1I_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Not as many women are interested in holding higher office", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1J_W36", + "questions": [ + { + "key": "WHYNOTPOLF1J_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women aren't encouraged to pursue leadership positions from an early age", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1K_W36", + "questions": [ + { + "key": "WHYNOTPOLF1K_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Women don't do as good of a job selling their accomplishments", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTPOLF1L_W36", + "questions": [ + { + "key": "WHYNOTPOLF1L_W36", + "text": "Please indicate whether you think the following is is a reason why there are fewer women than men in high political offices. Sexual harassment creates an environment that makes it harder for women to succeed in politics", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2A_W36", + "questions": [ + { + "key": "WHYNOTBIZF2A_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Many businesses are not ready to hire women for top executive positions", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2B_W36", + "questions": [ + { + "key": "WHYNOTBIZF2B_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women in business face gender discrimination", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2C_W36", + "questions": [ + { + "key": "WHYNOTBIZF2C_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Family responsibilities make it harder for women to move up in business", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2D_W36", + "questions": [ + { + "key": "WHYNOTBIZF2D_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women aren't tough enough for business", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2F_W36", + "questions": [ + { + "key": "WHYNOTBIZF2F_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women don't make as good managers as men", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2G_W36", + "questions": [ + { + "key": "WHYNOTBIZF2G_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women are held to higher standards than men", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2H_W36", + "questions": [ + { + "key": "WHYNOTBIZF2H_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women have to more to prove themselves than men", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2I_W36", + "questions": [ + { + "key": "WHYNOTBIZF2I_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Not as many women are interested in top executive business positions", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2J_W36", + "questions": [ + { + "key": "WHYNOTBIZF2J_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women aren't encouraged to pursue leadership positions from an early age", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2K_W36", + "questions": [ + { + "key": "WHYNOTBIZF2K_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women don't do as good of a job selling their accomplishments", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2L_W36", + "questions": [ + { + "key": "WHYNOTBIZF2L_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women don't have access to the same kinds of personal networks and connections that men have", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2M_W36", + "questions": [ + { + "key": "WHYNOTBIZF2M_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women have fewer opportunities to interact with people in senior positions outside of work", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2N_W36", + "questions": [ + { + "key": "WHYNOTBIZF2N_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Women are less likely than men to ask for promotions and raises", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHYNOTBIZF2O_W36", + "questions": [ + { + "key": "WHYNOTBIZF2O_W36", + "text": "For each one of the following, please indicate whether you think it is a reason why there aren't more women in top executive business positions. Sexual harassment creates an environment that makes it harder for women to succeed in business", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHED_W36", + "questions": [ + { + "key": "HIGHED_W36", + "text": "Now, thinking about the higher education system, that is colleges and universities, in the United States today", + "valid_options": [ + { + "raw": "Right direction", + "text": "Right direction", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Wrong direction", + "text": "Wrong direction", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHEDWRNGA_W36", + "questions": [ + { + "key": "HIGHEDWRNGA_W36", + "text": "For tuition costs are too high, please indicate whether this is a reason why you think the higher education system in the U.S. is going in the wrong direction.", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHEDWRNGB_W36", + "questions": [ + { + "key": "HIGHEDWRNGB_W36", + "text": "Please indicate whether this is a reason why you think the higher education system in the U.S. is going in the wrong direction. Professors are bringing their political and social views into the classroom", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHEDWRNGC_W36", + "questions": [ + { + "key": "HIGHEDWRNGC_W36", + "text": "Please indicate whether this is a reason why you think the higher education system in the U.S. is going in the wrong direction. Colleges and universities are too concerned about protecting students from views they might find offensive", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHEDWRNGD_W36", + "questions": [ + { + "key": "HIGHEDWRNGD_W36", + "text": "Please indicate whether this is a reason why you think the higher education system in the U.S. is going in the wrong direction. Students are not getting the skills they need to succeed in the workplace", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HIGHEDWRNGS_W36", + "questions": [ + { + "key": "HIGHEDWRNGS_W36", + "text": "Are there any other major reasons why you think the higher education system in the U.S. is going in the wrong direction?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1A_W36", + "questions": [ + { + "key": "BETTERPOL1F1A_W36", + "text": "In general, do you think men or women in high political offices are better at being honest and ethical?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1B_W36", + "questions": [ + { + "key": "BETTERPOL1F1B_W36", + "text": "In general, do you think men or women in high political offices are better at being compassionate and empathetic?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1C_W36", + "questions": [ + { + "key": "BETTERPOL1F1C_W36", + "text": "In general, do you think men or women in high political offices are better at working out compromises?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1D_W36", + "questions": [ + { + "key": "BETTERPOL1F1D_W36", + "text": "In general, do you think men or women in high political offices are better at working well under pressure?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1E_W36", + "questions": [ + { + "key": "BETTERPOL1F1E_W36", + "text": "In general, do you think men or women in high political offices are better at being willing to take risks?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1F_W36", + "questions": [ + { + "key": "BETTERPOL1F1F_W36", + "text": "In general, do you think men or women in high political offices are better at standing up for what they believe in, despite political pressure?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1G_W36", + "questions": [ + { + "key": "BETTERPOL1F1G_W36", + "text": "In general, do you think men or women in high political offices are better at being persuasive?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1H_W36", + "questions": [ + { + "key": "BETTERPOL1F1H_W36", + "text": "In general, do you think men or women in high political offices are better at maintaining a tone of civility and respect in politics?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL1F1I_W36", + "questions": [ + { + "key": "BETTERPOL1F1I_W36", + "text": "In general, do you think men or women in high political offices are better at serving as a role model for children?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1A_W36", + "questions": [ + { + "key": "BETTERPOL2F1A_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at handling economic conditions?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1B_W36", + "questions": [ + { + "key": "BETTERPOL2F1B_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at dealing with social issues such as education and health care?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1C_W36", + "questions": [ + { + "key": "BETTERPOL2F1C_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at dealing with immigration policy?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1D_W36", + "questions": [ + { + "key": "BETTERPOL2F1D_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at dealing with national security and defense?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1E_W36", + "questions": [ + { + "key": "BETTERPOL2F1E_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at dealing with the federal budget deficit?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERPOL2F1F_W36", + "questions": [ + { + "key": "BETTERPOL2F1F_W36", + "text": "And thinking about some specific policy areas, in general, do you think men or women in high political offices are better at dealing with gun policy?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2A_W36", + "questions": [ + { + "key": "BETTERBIZ1F2A_W36", + "text": "In general, do you think men or women in top executive business positions are better at being honest and ethical?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2B_W36", + "questions": [ + { + "key": "BETTERBIZ1F2B_W36", + "text": "In general, do you think men or women in top executive business positions are better at being compassionate and empathetic?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2C_W36", + "questions": [ + { + "key": "BETTERBIZ1F2C_W36", + "text": "In general, do you think men or women in top executive business positions are better at working out compromises?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2D_W36", + "questions": [ + { + "key": "BETTERBIZ1F2D_W36", + "text": "In general, do you think men or women in top executive business positions are better at working well under pressure?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2E_W36", + "questions": [ + { + "key": "BETTERBIZ1F2E_W36", + "text": "In general, do you think men or women in top executive business positions are better at being willing to take risks?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2F_W36", + "questions": [ + { + "key": "BETTERBIZ1F2F_W36", + "text": "In general, do you think men or women in top executive business positions are better at valuing people from different backgrounds?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2G_W36", + "questions": [ + { + "key": "BETTERBIZ1F2G_W36", + "text": "In general, do you think men or women in top executive business positions are better at providing fair pay and good benefits?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2H_W36", + "questions": [ + { + "key": "BETTERBIZ1F2H_W36", + "text": "In general, do you think men or women in top executive business positions are better at negotiating profitable deals?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2I_W36", + "questions": [ + { + "key": "BETTERBIZ1F2I_W36", + "text": "In general, do you think men or women in top executive business positions are better at considering the impact of business decisions on society?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2J_W36", + "questions": [ + { + "key": "BETTERBIZ1F2J_W36", + "text": "In general, do you think men or women in top executive business positions are better at providing guidance or mentorship to young employees?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2K_W36", + "questions": [ + { + "key": "BETTERBIZ1F2K_W36", + "text": "In general, do you think men or women in top executive business positions are better at creating a safe and respectful workplace?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ1F2L_W36", + "questions": [ + { + "key": "BETTERBIZ1F2L_W36", + "text": "In general, do you think men or women in top executive business positions are better at standing up for what they believe in, despite pressure to make a profit?", + "valid_options": [ + { + "raw": "Men are better", + "text": "Men are better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women are better", + "text": "Women are better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2A_W36", + "questions": [ + { + "key": "BETTERBIZ2F2A_W36", + "text": "In general, do you think men or women would do a better job running a major technology company types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2B_W36", + "questions": [ + { + "key": "BETTERBIZ2F2B_W36", + "text": "In general, do you think men or women would do a better job running a major retail chain types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2C_W36", + "questions": [ + { + "key": "BETTERBIZ2F2C_W36", + "text": "In general, do you think men or women would do a better job running a large bank or financial institution types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2D_W36", + "questions": [ + { + "key": "BETTERBIZ2F2D_W36", + "text": "In general, do you think men or women would do a better job running a large oil or gas company types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2E_W36", + "questions": [ + { + "key": "BETTERBIZ2F2E_W36", + "text": "In general, do you think men or women would do a better job running a major hospital types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BETTERBIZ2F2F_W36", + "questions": [ + { + "key": "BETTERBIZ2F2F_W36", + "text": "In general, do you think men or women would do a better job running a professional sports team types of companies?", + "valid_options": [ + { + "raw": "Men would do a better job", + "text": "Men would do a better job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Women would do a better job", + "text": "Women would do a better job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No difference", + "text": "No difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1A_W36", + "questions": [ + { + "key": "TRAITPOLWF1A_W36", + "text": "In general, how do you think being decisive impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1B_W36", + "questions": [ + { + "key": "TRAITPOLWF1B_W36", + "text": "In general, how do you think being compassionate impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1C_W36", + "questions": [ + { + "key": "TRAITPOLWF1C_W36", + "text": "In general, how do you think being ambitious impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1D_W36", + "questions": [ + { + "key": "TRAITPOLWF1D_W36", + "text": "In general, how do you think being approachable impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1E_W36", + "questions": [ + { + "key": "TRAITPOLWF1E_W36", + "text": "In general, how do you think being assertive impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1F_W36", + "questions": [ + { + "key": "TRAITPOLWF1F_W36", + "text": "In general, how do you think showing emotions impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLWF1G_W36", + "questions": [ + { + "key": "TRAITPOLWF1G_W36", + "text": "In general, how do you think being physically attractive impacts a woman's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1A_W36", + "questions": [ + { + "key": "TRAITPOLMF1A_W36", + "text": "In general, how do you think being decisive impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1B_W36", + "questions": [ + { + "key": "TRAITPOLMF1B_W36", + "text": "In general, how do you think being compassionate impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1C_W36", + "questions": [ + { + "key": "TRAITPOLMF1C_W36", + "text": "In general, how do you think being ambitious impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1D_W36", + "questions": [ + { + "key": "TRAITPOLMF1D_W36", + "text": "In general, how do you think being approachable impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1E_W36", + "questions": [ + { + "key": "TRAITPOLMF1E_W36", + "text": "In general, how do you think being assertive impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1F_W36", + "questions": [ + { + "key": "TRAITPOLMF1F_W36", + "text": "In general, how do you think showing emotions impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITPOLMF1G_W36", + "questions": [ + { + "key": "TRAITPOLMF1G_W36", + "text": "In general, how do you think being physically attractive impacts a man's chances of getting elected to high political office?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLCHF1_W36", + "questions": [ + { + "key": "POLCHF1_W36", + "text": "In general, what do you think is better for a woman who wants to reach high political office?", + "valid_options": [ + { + "raw": "Having children before she enters politics", + "text": "Having children before she enters politics", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Waiting until she is well-established in her political career to have children", + "text": "Waiting until she is well-established in her political career to have children", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not having children at all", + "text": "Not having children at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2A_W36", + "questions": [ + { + "key": "TRAITBIZWF2A_W36", + "text": "In general, how do you think being decisive impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2B_W36", + "questions": [ + { + "key": "TRAITBIZWF2B_W36", + "text": "In general, how do you think being compassionate impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2C_W36", + "questions": [ + { + "key": "TRAITBIZWF2C_W36", + "text": "In general, how do you think being ambitious impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2D_W36", + "questions": [ + { + "key": "TRAITBIZWF2D_W36", + "text": "In general, how do you think being approachable impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2E_W36", + "questions": [ + { + "key": "TRAITBIZWF2E_W36", + "text": "In general, how do you think being assertive impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2F_W36", + "questions": [ + { + "key": "TRAITBIZWF2F_W36", + "text": "In general, how do you think showing emotions impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZWF2G_W36", + "questions": [ + { + "key": "TRAITBIZWF2G_W36", + "text": "In general, how do you think being physically attractive impacts a woman's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a woman's chances", + "text": "Mostly helps a woman's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a woman's chances", + "text": "Mostly hurts a woman's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2A_W36", + "questions": [ + { + "key": "TRAITBIZMF2A_W36", + "text": "In general, how do you think being decisive impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2B_W36", + "questions": [ + { + "key": "TRAITBIZMF2B_W36", + "text": "In general, how do you think being compassionate impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2C_W36", + "questions": [ + { + "key": "TRAITBIZMF2C_W36", + "text": "In general, how do you think being ambitious impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2D_W36", + "questions": [ + { + "key": "TRAITBIZMF2D_W36", + "text": "In general, how do you think being approachable impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2E_W36", + "questions": [ + { + "key": "TRAITBIZMF2E_W36", + "text": "In general, how do you think being assertive impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2F_W36", + "questions": [ + { + "key": "TRAITBIZMF2F_W36", + "text": "In general, how do you think showing emotions impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRAITBIZMF2G_W36", + "questions": [ + { + "key": "TRAITBIZMF2G_W36", + "text": "In general, how do you think being physically attractive impacts a man's chances of getting a top executive business position?", + "valid_options": [ + { + "raw": "Mostly helps a man's chances", + "text": "Mostly helps a man's chances", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurts a man's chances", + "text": "Mostly hurts a man's chances", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much of a difference", + "text": "Doesn't make much of a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EXECCHF2_W36", + "questions": [ + { + "key": "EXECCHF2_W36", + "text": "In general, what do you think is better for a woman who wants to reach a top executive position in business?", + "valid_options": [ + { + "raw": "Having children early on in her career", + "text": "Having children early on in her career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Waiting until she is well-established in her career to have children", + "text": "Waiting until she is well-established in her career to have children", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not having children at all", + "text": "Not having children at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WMNPRZ1_W36", + "questions": [ + { + "key": "WMNPRZ1_W36", + "text": "Do you think it would be a good thing or a bad thing for the country if a woman was elected president?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOREWMN1F2_W36", + "questions": [ + { + "key": "MOREWMN1F2_W36", + "text": "As you may know, more women are running for U.S. Congress this year than in the past. Do you think this is", + "valid_options": [ + { + "raw": "A good thing", + "text": "A good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A bad thing", + "text": "A bad thing", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither a good thing nor a bad thing", + "text": "Neither a good thing nor a bad thing", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOREWMN2F2_W36", + "questions": [ + { + "key": "MOREWMN2F2_W36", + "text": "If there were more women in the U.S. Congress, do you think Congress would", + "valid_options": [ + { + "raw": "Do a better job of dealing with the country's problems", + "text": "Do a better job of dealing with the country's problems", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Do a worse job of dealing with the country's problems", + "text": "Do a worse job of dealing with the country's problems", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "The number of women in Congress doesn't have much to with this", + "text": "The number of women in Congress doesn't have much to with this", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOREWMN3F2_W36", + "questions": [ + { + "key": "MOREWMN3F2_W36", + "text": "If there were more women in the U.S. Congress, do you think there would be", + "valid_options": [ + { + "raw": "more openness and transparency in government", + "text": "more openness and transparency in government", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "less openness and transparency in government", + "text": "less openness and transparency in government", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "The number of women in Congress doesn't have much to with this", + "text": "The number of women in Congress doesn't have much to with this", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOREWMN4F2_W36", + "questions": [ + { + "key": "MOREWMN4F2_W36", + "text": "If there were more women in the U.S. Congress, do you think", + "valid_options": [ + { + "raw": "The tone of political debate in Washington would be more respectful", + "text": "The tone of political debate in Washington would be more respectful", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The tone of political debate in Washington would be less respectful", + "text": "The tone of political debate in Washington would be less respectful", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "The number of women in Congress doesn't have much to with this", + "text": "The number of women in Congress doesn't have much to with this", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COLSPEECH_W36", + "questions": [ + { + "key": "COLSPEECH_W36", + "text": "Thinking again about colleges and universities which of the following do you think should be more important on college campuses these days?", + "valid_options": [ + { + "raw": "Allowing people to speak their minds freely, even if some students find their views upsetting or offensive", + "text": "Allowing people to speak their minds freely, even if some students find their views upsetting or offensive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Ensuring that students aren't exposed to views they find upsetting or offensive, even if that limits what people are a", + "text": "Ensuring that students aren't exposed to views they find upsetting or offensive, even if that limits what people are a", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "E5_W36", + "questions": [ + { + "key": "E5_W36", + "text": "This question is about your household is your spouse now employed full-time, part-time or not employed?", + "valid_options": [ + { + "raw": "Full-time", + "text": "Full-time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Part-time", + "text": "Part-time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not employed", + "text": "Not employed", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "EARN_W36", + "questions": [ + { + "key": "EARN_W36", + "text": "Which of the following applies to your household income?", + "valid_options": [ + { + "raw": "I earn more than my spouse", + "text": "I earn more than my spouse", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "My spouse earns more than me", + "text": "My spouse earns more than me", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "My spouse and I earn about the same", + "text": "My spouse and I earn about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FERTIL1_W36", + "questions": [ + { + "key": "FERTIL1_W36", + "text": "Have you or anyone you know personally ever used fertility treatments to try to have a baby or not?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W41/variables.json b/variables/ATP/American_Trends_Panel_W41/variables.json new file mode 100644 index 0000000..d018ef6 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W41/variables.json @@ -0,0 +1,3579 @@ +[ + { + "name": "OPTIMIST_W41", + "questions": [ + { + "key": "OPTIMIST_W41", + "text": "Please think about what things will be like in 2050, about 30 years from now. Thinking about the future of the United States, would you say you are", + "valid_options": [ + { + "raw": "Very optimistic", + "text": "Very optimistic", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat optimistic", + "text": "Somewhat optimistic", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat pessimistic", + "text": "Somewhat pessimistic", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very pessimistic", + "text": "Very pessimistic", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AVGFAM_W41", + "questions": [ + { + "key": "AVGFAM_W41", + "text": "Over the next 30 years, do you think that the average American family will see its standard of living", + "valid_options": [ + { + "raw": "Get better", + "text": "Get better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Get worse", + "text": "Get worse", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENa_W41", + "questions": [ + { + "key": "HAPPENa_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? The U.S. economy will be stronger/weaker", + "valid_options": [ + { + "raw": "The U.S. economy will be stronger", + "text": "The U.S. economy will be stronger", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The U.S. economy will be weaker", + "text": "The U.S. economy will be weaker", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENb_W41", + "questions": [ + { + "key": "HAPPENb_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? Health care will be more/less affordable", + "valid_options": [ + { + "raw": "Health care will be more affordable", + "text": "Health care will be more affordable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Health care will be less affordable", + "text": "Health care will be less affordable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENc_W41", + "questions": [ + { + "key": "HAPPENc_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? Race relations will improve/get worse", + "valid_options": [ + { + "raw": "Race relations will improve", + "text": "Race relations will improve", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Race relations will get worse", + "text": "Race relations will get worse", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENd_W41", + "questions": [ + { + "key": "HAPPENd_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? The U.S. will be more/less important in the world", + "valid_options": [ + { + "raw": "The U.S. will be more important in the world", + "text": "The U.S. will be more important in the world", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The U.S. will be less important in the world", + "text": "The U.S. will be less important in the world", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENe_W41", + "questions": [ + { + "key": "HAPPENe_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? The gap between the rich and the poor will grow/get smaller", + "valid_options": [ + { + "raw": "The gap between the rich and the poor will grow", + "text": "The gap between the rich and the poor will grow", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The gap between the rich and the poor will get smaller", + "text": "The gap between the rich and the poor will get smaller", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENf_W41", + "questions": [ + { + "key": "HAPPENf_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? The public education system will improve/get worse", + "valid_options": [ + { + "raw": "The public education system will improve", + "text": "The public education system will improve", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The public education system will get worse", + "text": "The public education system will get worse", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENg_W41", + "questions": [ + { + "key": "HAPPENg_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? Religion will become less/about as important", + "valid_options": [ + { + "raw": "Religion will become less important", + "text": "Religion will become less important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Religion will be about as important as it is now", + "text": "Religion will be about as important as it is now", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENhF1_W41", + "questions": [ + { + "key": "HAPPENhF1_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? People 65 and older will have a better/worse standard of living", + "valid_options": [ + { + "raw": "People 65 and older will have a better standard of living", + "text": "People 65 and older will have a better standard of living", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People 65 and older will have a worse standard of living", + "text": "People 65 and older will have a worse standard of living", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENiF2_W41", + "questions": [ + { + "key": "HAPPENiF2_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? Children will have a better/worse standard of living", + "valid_options": [ + { + "raw": "Children will have a better standard of living", + "text": "Children will have a better standard of living", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Children will have a worse standard of living", + "text": "Children will have a worse standard of living", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPENj_W41", + "questions": [ + { + "key": "HAPPENj_W41", + "text": "Still thinking ahead 30 years, which do you think is more likely to happen in the U.S.? The country will be more/less politically divided", + "valid_options": [ + { + "raw": "The country will be more politically divided", + "text": "The country will be more politically divided", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The country will be less politically divided", + "text": "The country will be less politically divided", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2a_W41", + "questions": [ + { + "key": "HAPPEN2a_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? There will be a terrorist attack on the U.S. as bad as or worse than 9/11", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2b_W41", + "questions": [ + { + "key": "HAPPEN2b_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? The world will face a major energy crisis", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2c_W41", + "questions": [ + { + "key": "HAPPEN2c_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? There will be a cure for Alzheimer's disease", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2d_W41", + "questions": [ + { + "key": "HAPPEN2d_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? China will overtake the U.S. as the world's main superpower", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2e_W41", + "questions": [ + { + "key": "HAPPEN2e_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? A woman will be elected U.S. president", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2f_W41", + "questions": [ + { + "key": "HAPPEN2f_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? A Hispanic person will be elected U.S. president", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2g_W41", + "questions": [ + { + "key": "HAPPEN2g_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? Most Americans will work into their 70s to have enough resources to retire", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAPPEN2h_W41", + "questions": [ + { + "key": "HAPPEN2h_W41", + "text": "How likely do you think it is that the following will happen in the next 30 years? There will be increasing violence against Jews in the U.S.", + "valid_options": [ + { + "raw": "Will definitely happen", + "text": "Will definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Will probably happen", + "text": "Will probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Will probably not happen", + "text": "Will probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Will definitely not happen", + "text": "Will definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NATDEBT_W41", + "questions": [ + { + "key": "NATDEBT_W41", + "text": "Which do you think is most likely to occur over the next 30 years? The national debt will", + "valid_options": [ + { + "raw": "Grow larger", + "text": "Grow larger", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Be reduced", + "text": "Be reduced", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Be eliminated", + "text": "Be eliminated", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ENVC_W41", + "questions": [ + { + "key": "ENVC_W41", + "text": "By the year 2050, do you think the overall condition of the environment will be", + "valid_options": [ + { + "raw": "Better than it is now", + "text": "Better than it is now", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse than it is now", + "text": "Worse than it is now", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same as it is now", + "text": "About the same as it is now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POPPROB_W41", + "questions": [ + { + "key": "POPPROB_W41", + "text": "In 2050, do you think population growth in the U.S. will be a", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYa_W41", + "questions": [ + { + "key": "FTRWORRYa_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about the overall soundness of our economic system?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYb_W41", + "questions": [ + { + "key": "FTRWORRYb_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about the ability of public schools to provide a quality education?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYc_W41", + "questions": [ + { + "key": "FTRWORRYc_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about the way the government in Washington works?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYd_W41", + "questions": [ + { + "key": "FTRWORRYd_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about the ability of political leaders to solve the country's biggest problems?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYe_W41", + "questions": [ + { + "key": "FTRWORRYe_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about the moral values of Americans?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FTRWORRYf_W41", + "questions": [ + { + "key": "FTRWORRYf_W41", + "text": "Still thinking about the future of our country, how worried are you, if at all, about climate change?", + "valid_options": [ + { + "raw": "Very worried", + "text": "Very worried", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly worried", + "text": "Fairly worried", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too worried", + "text": "Not too worried", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all worried", + "text": "Not at all worried", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELDCARE_W41", + "questions": [ + { + "key": "ELDCARE_W41", + "text": "Thinking ahead 30 years from now, which do you think is more likely to happen? Adults ages 65 and older will be", + "valid_options": [ + { + "raw": "better prepared financially for retirement than older adults are today", + "text": "better prepared financially for retirement than older adults are today", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "less prepared financially for retirement than older adults today", + "text": "less prepared financially for retirement than older adults today", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELDFINANCEF1_W41", + "questions": [ + { + "key": "ELDFINANCEF1_W41", + "text": "Who do you think will be mostly responsible for paying for the long-term care older Americans may need?", + "valid_options": [ + { + "raw": "Family members", + "text": "Family members", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Government", + "text": "Government", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Older Americans themselves", + "text": "Older Americans themselves", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELDFINANCEF2_W41", + "questions": [ + { + "key": "ELDFINANCEF2_W41", + "text": "Who do you think should be mostly responsible for paying for the long-term care older Americans may need?", + "valid_options": [ + { + "raw": "Family members", + "text": "Family members", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Government", + "text": "Government", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Older Americans themselves", + "text": "Older Americans themselves", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOa_W41", + "questions": [ + { + "key": "GOVPRIOa_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing the national debt?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOb_W41", + "questions": [ + { + "key": "GOVPRIOb_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to increasing spending for education?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOc_W41", + "questions": [ + { + "key": "GOVPRIOc_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to providing high-quality, affordable health care to all Americans?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOd_W41", + "questions": [ + { + "key": "GOVPRIOd_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to increasing spending on scientific research?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOe_W41", + "questions": [ + { + "key": "GOVPRIOe_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing the gap between the rich and the poor?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOfF1_W41", + "questions": [ + { + "key": "GOVPRIOfF1_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing military spending?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOgF1_W41", + "questions": [ + { + "key": "GOVPRIOgF1_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing the number of undocumented immigrants coming into the U.S.?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOhF1_W41", + "questions": [ + { + "key": "GOVPRIOhF1_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing spending on Social Security, Medicare and Medicaid?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOiF1_W41", + "questions": [ + { + "key": "GOVPRIOiF1_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to increasing spending for roads, bridges and other infrastructure?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOjF1_W41", + "questions": [ + { + "key": "GOVPRIOjF1_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to avoiding tax increases?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOkF2_W41", + "questions": [ + { + "key": "GOVPRIOkF2_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to increasing military spending?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOlF2_W41", + "questions": [ + { + "key": "GOVPRIOlF2_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to who come here legally? Allowing more immigrants into the U.S.", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOmF2_W41", + "questions": [ + { + "key": "GOVPRIOmF2_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to increasing spending on Social Security, Medicare and Medicaid?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOnF2_W41", + "questions": [ + { + "key": "GOVPRIOnF2_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to reducing spending for roads, bridges and other infrastructure?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIOoF2_W41", + "questions": [ + { + "key": "GOVPRIOoF2_W41", + "text": "If you were deciding what the federal government should do to improve the quality of life for future generations, what priority would you give to dealing with climate change?", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "An important, but not a top priority", + "text": "An important, but not a top priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A lower priority", + "text": "A lower priority", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WRKTRN1F1_W41", + "questions": [ + { + "key": "WRKTRN1F1_W41", + "text": "Over the next 30 years, who should be most responsible for making sure American workers have the right skills and training to get a good job?", + "valid_options": [ + { + "raw": "Government", + "text": "Government", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Employers", + "text": "Employers", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "The education system", + "text": "The education system", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Individuals themselves", + "text": "Individuals themselves", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WRKTRN1F2_W41", + "questions": [ + { + "key": "WRKTRN1F2_W41", + "text": "Over the next 30 years, who should be most responsible for making sure young adults have the right skills and training to get a good job?", + "valid_options": [ + { + "raw": "Government", + "text": "Government", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Employers", + "text": "Employers", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "The education system", + "text": "The education system", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Individuals themselves", + "text": "Individuals themselves", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "JOBSECURITY_W41", + "questions": [ + { + "key": "JOBSECURITY_W41", + "text": "By the year 2050, will the average working person in this country have", + "valid_options": [ + { + "raw": "More job security", + "text": "More job security", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less job security", + "text": "Less job security", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "JOBBENEFITS_W41", + "questions": [ + { + "key": "JOBBENEFITS_W41", + "text": "Over the next 30 years, will the average working person in this country have employee benefits, such as health insurance, paid vacations and retirement plans that are", + "valid_options": [ + { + "raw": "Better than they are now", + "text": "Better than they are now", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not as good as they are now", + "text": "Not as good as they are now", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same as they are now", + "text": "About the same as they are now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AUTOWKPLC_W41", + "questions": [ + { + "key": "AUTOWKPLC_W41", + "text": "Overall, has the automation of jobs through new technology in the workplace", + "valid_options": [ + { + "raw": "Mostly helped American workers", + "text": "Mostly helped American workers", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly hurt American workers", + "text": "Mostly hurt American workers", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBWRK_W41", + "questions": [ + { + "key": "ROBWRK_W41", + "text": "Overall, how likely do you think it is that 30 years from now robots and computers will do much of the work currently done by humans? Do you think this will", + "valid_options": [ + { + "raw": "Definitely happen", + "text": "Definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Probably happen", + "text": "Probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Probably not happen", + "text": "Probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Definitely not happen", + "text": "Definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBWRK2_W41", + "questions": [ + { + "key": "ROBWRK2_W41", + "text": "If robots and computers do much of the work currently done by humans, do you think this would be", + "valid_options": [ + { + "raw": "A very good thing for the country", + "text": "A very good thing for the country", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat good thing for the country", + "text": "A somewhat good thing for the country", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat bad thing for the country", + "text": "A somewhat bad thing for the country", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very bad thing for the country", + "text": "A very bad thing for the country", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AUTOLKLY_W41", + "questions": [ + { + "key": "AUTOLKLY_W41", + "text": "Within the next 30 years, how likely do you think it is that the type of work that you do will be done by robots or computers? Do you think this will", + "valid_options": [ + { + "raw": "Definitely happen", + "text": "Definitely happen", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Probably happen", + "text": "Probably happen", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Probably not happen", + "text": "Probably not happen", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Definitely not happen", + "text": "Definitely not happen", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBIMPACTa_W41", + "questions": [ + { + "key": "ROBIMPACTa_W41", + "text": "If robots and computers perform most of the jobs currently being done by humans, do you think it is likely or not that inequality between the rich and the poor would increase", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROBIMPACTb_W41", + "questions": [ + { + "key": "ROBIMPACTb_W41", + "text": "If robots and computers perform most of the jobs currently being done by humans, do you think it is likely or not that the economy would create many new, better-paying jobs for humans", + "valid_options": [ + { + "raw": "Yes, likely", + "text": "Yes, likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not likely", + "text": "No, not likely", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LEGALIMG_W41", + "questions": [ + { + "key": "LEGALIMG_W41", + "text": "In order to maintain the strength of the U.S. economy over the next 30 years, do you think that legal immigration will need to be", + "valid_options": [ + { + "raw": "Increased", + "text": "Increased", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Maintained at current levels", + "text": "Maintained at current levels", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Decreased", + "text": "Decreased", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTRCLASSa_W41", + "questions": [ + { + "key": "FUTRCLASSa_W41", + "text": "Over the next 30 years, do you think the share of Americans who are upper class will increase, decrease, or stay about the same?", + "valid_options": [ + { + "raw": "Increase", + "text": "Increase", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Decrease", + "text": "Decrease", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTRCLASSb_W41", + "questions": [ + { + "key": "FUTRCLASSb_W41", + "text": "Over the next 30 years, do you think the share of Americans who are in Middle Class will increase, decrease, or stay about the same?", + "valid_options": [ + { + "raw": "Increase", + "text": "Increase", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Decrease", + "text": "Decrease", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTRCLASSc_W41", + "questions": [ + { + "key": "FUTRCLASSc_W41", + "text": "Over the next 30 years, do you think the share of Americans who are lower class will increase, decrease, or stay about the same?", + "valid_options": [ + { + "raw": "Increase", + "text": "Increase", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Decrease", + "text": "Decrease", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1F1a_W41", + "questions": [ + { + "key": "HARASS1F1a_W41", + "text": "When it comes to sexual harassment and sexual assault in the workplace today, how much of a problem, if at all, would you say women claiming they have experienced sexual harassment or assault when it hasn't actually is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1F1b_W41", + "questions": [ + { + "key": "HARASS1F1b_W41", + "text": "When it comes to sexual harassment and sexual assault in the workplace today, how much of a problem, if at all, would you say employers firing men who have been accused of sexual harassment or assault before finding ou is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1F1c_W41", + "questions": [ + { + "key": "HARASS1F1c_W41", + "text": "When it comes to sexual harassment and sexual assault in the workplace today, how much of a problem, if at all, would you say men getting away with committing sexual harassment or assault is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1F1d_W41", + "questions": [ + { + "key": "HARASS1F1d_W41", + "text": "When it comes to sexual harassment and sexual assault in the workplace today, how much of a problem, if at all, would you say women not being believed when they claim that they have experienced sexual harassment or ass is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1NOWRKF2a_W41", + "questions": [ + { + "key": "HARASS1NOWRKF2a_W41", + "text": "When it comes to sexual harassment and sexual assault today, how much of a problem, if at all, would you say women claiming they have experienced sexual harassment or assault when it hasn't actually occurred is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1NOWRKF2c_W41", + "questions": [ + { + "key": "HARASS1NOWRKF2c_W41", + "text": "When it comes to sexual harassment and sexual assault today, how much of a problem, if at all, would you say men getting away with committing sexual harassment or assault is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS1NOWRKF2d_W41", + "questions": [ + { + "key": "HARASS1NOWRKF2d_W41", + "text": "When it comes to sexual harassment and sexual assault today, how much of a problem, if at all, would you say women not being believed when they claim that they have experienced sexual harassment or assault is?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS3F1_W41", + "questions": [ + { + "key": "HARASS3F1_W41", + "text": "Do you think the increased focus on sexual harassment and assault has made it easier or harder for men to know how to interact with women in the workplace, or hasn't it made much difference?", + "valid_options": [ + { + "raw": "Has made it easier for men", + "text": "Has made it easier for men", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has made it harder for men", + "text": "Has made it harder for men", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much difference", + "text": "Hasn't made much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS3NOWRKF2_W41", + "questions": [ + { + "key": "HARASS3NOWRKF2_W41", + "text": "Do you think the increased focus on sexual harassment and assault has made it easier or harder for men to know how to interact with women, or hasn't it made much difference?", + "valid_options": [ + { + "raw": "Has made it easier for men", + "text": "Has made it easier for men", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Has made it harder for men", + "text": "Has made it harder for men", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made much difference", + "text": "Hasn't made much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS4_W41", + "questions": [ + { + "key": "HARASS4_W41", + "text": "Now thinking about your own experiences have you ever personally received unwanted sexual advances or verbal or physical harassment of a sexual nature? This can be in any circumstance, whether or not work-related.", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HARASS5_W41", + "questions": [ + { + "key": "HARASS5_W41", + "text": "Have you received unwanted sexual advances or verbal or physical harassment of a sexual nature", + "valid_options": [ + { + "raw": "In a professional or work setting", + "text": "In a professional or work setting", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Outside of a professional or work setting", + "text": "Outside of a professional or work setting", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both", + "text": "Both", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ETHNCMAJMOD_W41", + "questions": [ + { + "key": "ETHNCMAJMOD_W41", + "text": "According to the U.S. Census Bureau, by the year 2050, a majority of the population will be made up of blacks, Asians, Hispanics, and other racial minorities. In terms of its impact on the country, do you think this will be", + "valid_options": [ + { + "raw": "A very good thing", + "text": "A very good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat good thing", + "text": "A somewhat good thing", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat bad thing", + "text": "A somewhat bad thing", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very bad thing", + "text": "A very bad thing", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither a good nor bad thing", + "text": "Neither a good nor bad thing", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "AGEMAJ_W41", + "questions": [ + { + "key": "AGEMAJ_W41", + "text": "According to the U.S. Census Bureau, by the year 2050, the number of people in the population who are 65 or older will outnumber people younger than 18. In terms of its impact on the country, do you think this will be", + "valid_options": [ + { + "raw": "A very good thing", + "text": "A very good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat good thing", + "text": "A somewhat good thing", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat bad thing", + "text": "A somewhat bad thing", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very bad thing", + "text": "A very bad thing", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither a good nor bad thing", + "text": "Neither a good nor bad thing", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INTRMAR_W41", + "questions": [ + { + "key": "INTRMAR_W41", + "text": "According to the U.S. Census Bureau, more people of different races are marrying each other these days than in the past. In terms of its impact on the country, do you think this is", + "valid_options": [ + { + "raw": "A very good thing", + "text": "A very good thing", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat good thing", + "text": "A somewhat good thing", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat bad thing", + "text": "A somewhat bad thing", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very bad thing", + "text": "A very bad thing", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither a good nor bad thing", + "text": "Neither a good nor bad thing", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SSMONEY_W41", + "questions": [ + { + "key": "SSMONEY_W41", + "text": "Thinking about what the Social Security system will look like when you are ready to retire, do you think there will be enough money to provide benefits to older Americans?", + "valid_options": [ + { + "raw": "Yes, at current levels", + "text": "Yes, at current levels", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, but at reduced levels", + "text": "Yes, but at reduced levels", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SSCUT_W41", + "questions": [ + { + "key": "SSCUT_W41", + "text": "Thinking about the long-term future of Social Security, which statement comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Some reductions in benefits for future retirees will need to be made", + "text": "Some reductions in benefits for future retirees will need to be made", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Social Security benefits should not be reduced in any way", + "text": "Social Security benefits should not be reduced in any way", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTR_ABR_W41", + "questions": [ + { + "key": "FUTR_ABR_W41", + "text": "Thinking again about the year 2050, or 30 years from now, do you think abortion will be", + "valid_options": [ + { + "raw": "Legal with no restrictions", + "text": "Legal with no restrictions", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Legal but with some restrictions", + "text": "Legal but with some restrictions", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Illegal except in certain cases", + "text": "Illegal except in certain cases", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Illegal with no exceptions", + "text": "Illegal with no exceptions", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTR_DIV_W41", + "questions": [ + { + "key": "FUTR_DIV_W41", + "text": "By 2050, do you expect that people who are married will be", + "valid_options": [ + { + "raw": "More likely to get divorced than people are now", + "text": "More likely to get divorced than people are now", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less likely to get divorced than people are now", + "text": "Less likely to get divorced than people are now", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as likely to get divorced as people are now", + "text": "About as likely to get divorced as people are now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTR_M_W41", + "questions": [ + { + "key": "FUTR_M_W41", + "text": "By 2050, do you expect that people will be", + "valid_options": [ + { + "raw": "More likely to get married than people are now", + "text": "More likely to get married than people are now", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less likely to get married than people are now", + "text": "Less likely to get married than people are now", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as likely to get married as people are now", + "text": "About as likely to get married as people are now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTR_K_W41", + "questions": [ + { + "key": "FUTR_K_W41", + "text": "By 2050, do you expect that people will be", + "valid_options": [ + { + "raw": "More likely to have children than people are now", + "text": "More likely to have children than people are now", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less likely to have children than people are now", + "text": "Less likely to have children than people are now", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as likely to have children as people are now", + "text": "About as likely to have children as people are now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBa_W41", + "questions": [ + { + "key": "SOLVPROBa_W41", + "text": "In the future, what kind of an impact do you think science and technology will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBb_W41", + "questions": [ + { + "key": "SOLVPROBb_W41", + "text": "In the future, what kind of an impact do you think major corporations will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBc_W41", + "questions": [ + { + "key": "SOLVPROBc_W41", + "text": "In the future, what kind of an impact do you think religious groups will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBdF1_W41", + "questions": [ + { + "key": "SOLVPROBdF1_W41", + "text": "In the future, what kind of an impact do you think the government in Washington will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBeF2_W41", + "questions": [ + { + "key": "SOLVPROBeF2_W41", + "text": "In the future, what kind of an impact do you think state and local government will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBf_W41", + "questions": [ + { + "key": "SOLVPROBf_W41", + "text": "In the future, what kind of an impact do you think the news media will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBg_W41", + "questions": [ + { + "key": "SOLVPROBg_W41", + "text": "In the future, what kind of an impact do you think the military will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBh_W41", + "questions": [ + { + "key": "SOLVPROBh_W41", + "text": "In the future, what kind of an impact do you think colleges and universities will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOLVPROBi_W41", + "questions": [ + { + "key": "SOLVPROBi_W41", + "text": "In the future, what kind of an impact do you think public K-12 schools will have in solving the biggest problems facing the country?", + "valid_options": [ + { + "raw": "A very positive impact", + "text": "A very positive impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A somewhat positive impact", + "text": "A somewhat positive impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A somewhat negative impact", + "text": "A somewhat negative impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A very negative impact", + "text": "A very negative impact", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W42/variables.json b/variables/ATP/American_Trends_Panel_W42/variables.json new file mode 100644 index 0000000..4811c19 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W42/variables.json @@ -0,0 +1,4611 @@ +[ + { + "name": "PAST_W42", + "questions": [ + { + "key": "PAST_W42", + "text": "Compared with twenty years ago, do you think developments in science have made people's lives", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FUTURE_W42", + "questions": [ + { + "key": "FUTURE_W42", + "text": "Looking ahead to the next twenty years, do you think developments in science will make people's lives", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SC1_W42", + "questions": [ + { + "key": "SC1_W42", + "text": "Overall, would you say science has had a mostly positive effect on our society or a mostly negative effect on our society?", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Equal positive and negative effects", + "text": "Equal positive and negative effects", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFa_W42", + "questions": [ + { + "key": "CONFa_W42", + "text": "How much confidence, if any, do you have in elected officials to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFb_W42", + "questions": [ + { + "key": "CONFb_W42", + "text": "How much confidence, if any, do you have in the news media to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFc_W42", + "questions": [ + { + "key": "CONFc_W42", + "text": "How much confidence, if any, do you have in the military to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFd_F1_W42", + "questions": [ + { + "key": "CONFd_F1_W42", + "text": "How much confidence, if any, do you have in medical scientists to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFd_F2_W42", + "questions": [ + { + "key": "CONFd_F2_W42", + "text": "How much confidence, if any, do you have in scientists to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFe_W42", + "questions": [ + { + "key": "CONFe_W42", + "text": "How much confidence, if any, do you have in religious leaders to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFf_W42", + "questions": [ + { + "key": "CONFf_W42", + "text": "How much confidence, if any, do you have in public school principals for grades K-12 to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONFg_W42", + "questions": [ + { + "key": "CONFg_W42", + "text": "How much confidence, if any, do you have in business leaders to act in the best interests of the public?", + "valid_options": [ + { + "raw": "A great deal of confidence", + "text": "A great deal of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of confidence", + "text": "A fair amount of confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLICY1_W42", + "questions": [ + { + "key": "POLICY1_W42", + "text": "Which of these statements comes closer to your own view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Scientists should take an active role in public policy debates about scientific issues", + "text": "Scientists should take an active role in public policy debates about scientific issues", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Scientists should focus on establishing sound scientific facts and stay out of public policy debates", + "text": "Scientists should focus on establishing sound scientific facts and stay out of public policy debates", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLICY2_W42", + "questions": [ + { + "key": "POLICY2_W42", + "text": "Which of these statements comes closer to your own view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Public opinion should play an important role to guide policy decisions about scientific issues", + "text": "Public opinion should play an important role to guide policy decisions about scientific issues", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Public opinion should not play an important role to guide policy decisions about scientific issues because these issues", + "text": "Public opinion should not play an important role to guide policy decisions about scientific issues because these issues", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLICY3_W42", + "questions": [ + { + "key": "POLICY3_W42", + "text": "In general, would you say scientific experts are", + "valid_options": [ + { + "raw": "Usually better at making good policy decisions about scientific issues than other people", + "text": "Usually better at making good policy decisions about scientific issues than other people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Usually worse at making good policy decisions about scientific issues than other people", + "text": "Usually worse at making good policy decisions about scientific issues than other people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "neither better nor worse at making good policy decisions about scientific issues than other people", + "text": "neither better nor worse at making good policy decisions about scientific issues than other people", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ1_F1A_W42", + "questions": [ + { + "key": "RQ1_F1A_W42", + "text": "In general, would you say your view of medical research scientists is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ2_F1A_W42", + "questions": [ + { + "key": "RQ2_F1A_W42", + "text": "How much, if anything, do you know about what medical research scientists do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Aa_W42", + "questions": [ + { + "key": "RQ3_F1Aa_W42", + "text": "Is what you know about medical research scientists because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Ab_W42", + "questions": [ + { + "key": "RQ3_F1Ab_W42", + "text": "Is what you know about medical research scientists because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Ac_W42", + "questions": [ + { + "key": "RQ3_F1Ac_W42", + "text": "Is what you know about medical research scientists because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Ad_W42", + "questions": [ + { + "key": "RQ3_F1Ad_W42", + "text": "Is what you know about medical research scientists because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Aa_W42", + "questions": [ + { + "key": "RQ4_F1Aa_W42", + "text": "Thinking about medical research scientists, how often would you say they do a good job conducting research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ab_W42", + "questions": [ + { + "key": "RQ4_F1Ab_W42", + "text": "Thinking about medical research scientists, how often would you say they provide fair and accurate information when making statements about their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ac_W42", + "questions": [ + { + "key": "RQ4_F1Ac_W42", + "text": "Thinking about medical research scientists, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ad_W42", + "questions": [ + { + "key": "RQ4_F1Ad_W42", + "text": "Thinking about medical research scientists, how often would you say they are transparent about potential conflicts of interest with industry groups in their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ae_W42", + "questions": [ + { + "key": "RQ4_F1Ae_W42", + "text": "Thinking about medical research scientists, how often would you say they care about the best interests of the public", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ5_F1A_W42", + "questions": [ + { + "key": "RQ5_F1A_W42", + "text": "Overall, do you think research misconduct by medical research scientists is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ6_F1A_W42", + "questions": [ + { + "key": "RQ6_F1A_W42", + "text": "When you hear or read news stories about research misconduct by medical research scientists, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ7_F1A_W42", + "questions": [ + { + "key": "RQ7_F1A_W42", + "text": "When you hear about problems with research misconduct among medical research scientists, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most medical research scientists have good intentions, it's the research system that's broken", + "text": "Most medical research scientists have good intentions, it's the research system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The research system can work fine, it's the medical research scientists that are the problem", + "text": "The research system can work fine, it's the medical research scientists that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ8_F1A_W42", + "questions": [ + { + "key": "RQ8_F1A_W42", + "text": "How often, if at all, do you think medical research scientists face serious consequences if they engage in research misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ1_F1B_W42", + "questions": [ + { + "key": "RQ1_F1B_W42", + "text": "In general, would you say your view of environmental research scientists is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ2_F1B_W42", + "questions": [ + { + "key": "RQ2_F1B_W42", + "text": "How much, if anything, do you know about what environmental research scientists do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Ba_W42", + "questions": [ + { + "key": "RQ3_F1Ba_W42", + "text": "Is what you know about environmental research scientists because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Bb_W42", + "questions": [ + { + "key": "RQ3_F1Bb_W42", + "text": "Is what you know about environmental research scientists because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Bc_W42", + "questions": [ + { + "key": "RQ3_F1Bc_W42", + "text": "Is what you know about environmental research scientists because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Bd_W42", + "questions": [ + { + "key": "RQ3_F1Bd_W42", + "text": "Is what you know about environmental research scientists because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ba_W42", + "questions": [ + { + "key": "RQ4_F1Ba_W42", + "text": "Thinking about environmental research scientists, how often would you say they do a good job conducting research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Bb_W42", + "questions": [ + { + "key": "RQ4_F1Bb_W42", + "text": "Thinking about environmental research scientists, how often would you say they provide fair and accurate information when making statements about their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Bc_W42", + "questions": [ + { + "key": "RQ4_F1Bc_W42", + "text": "Thinking about environmental research scientists, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Bd_W42", + "questions": [ + { + "key": "RQ4_F1Bd_W42", + "text": "Thinking about environmental research scientists, how often would you say they are transparent about potential conflicts of interest with industry groups in their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Be_W42", + "questions": [ + { + "key": "RQ4_F1Be_W42", + "text": "Thinking about environmental research scientists, how often would you say they care about the best interests of the public", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ5_F1B_W42", + "questions": [ + { + "key": "RQ5_F1B_W42", + "text": "Overall, do you think research misconduct by environmental research scientists is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ6_F1B_W42", + "questions": [ + { + "key": "RQ6_F1B_W42", + "text": "When you hear or read news stories about research misconduct by environmental research scientists, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ7_F1B_W42", + "questions": [ + { + "key": "RQ7_F1B_W42", + "text": "When you hear about problems with research misconduct among environmental research scientists, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most environmental research scientists have good intentions, it's the research system that's broken", + "text": "Most environmental research scientists have good intentions, it's the research system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The research system can work fine, it's the environmental research scientists that are the problem", + "text": "The research system can work fine, it's the environmental research scientists that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ8_F1B_W42", + "questions": [ + { + "key": "RQ8_F1B_W42", + "text": "How often, if at all, do you think environmental research scientists face serious consequences if they engage in research misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ1_F1C_W42", + "questions": [ + { + "key": "RQ1_F1C_W42", + "text": "In general, would you say your view of nutrition research scientists is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ2_F1C_W42", + "questions": [ + { + "key": "RQ2_F1C_W42", + "text": "How much, if anything, do you know about what nutrition research scientists do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Ca_W42", + "questions": [ + { + "key": "RQ3_F1Ca_W42", + "text": "Is what you know about nutrition research scientists because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Cb_W42", + "questions": [ + { + "key": "RQ3_F1Cb_W42", + "text": "Is what you know about nutrition research scientists because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Cc_W42", + "questions": [ + { + "key": "RQ3_F1Cc_W42", + "text": "Is what you know about nutrition research scientists because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ3_F1Cd_W42", + "questions": [ + { + "key": "RQ3_F1Cd_W42", + "text": "Is what you know about nutrition research scientists because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ca_W42", + "questions": [ + { + "key": "RQ4_F1Ca_W42", + "text": "Thinking about nutrition research scientists, how often would you say they do a good job conducting research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Cb_W42", + "questions": [ + { + "key": "RQ4_F1Cb_W42", + "text": "Thinking about nutrition research scientists, how often would you say they provide fair and accurate information when making statements about their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Cc_W42", + "questions": [ + { + "key": "RQ4_F1Cc_W42", + "text": "Thinking about nutrition research scientists, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Cd_W42", + "questions": [ + { + "key": "RQ4_F1Cd_W42", + "text": "Thinking about nutrition research scientists, how often would you say they are transparent about potential conflicts of interest with industry groups in their research", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ4_F1Ce_W42", + "questions": [ + { + "key": "RQ4_F1Ce_W42", + "text": "Thinking about nutrition research scientists, how often would you say they care about the best interests of the public", + "valid_options": [ + { + "raw": "All or most of time", + "text": "All or most of time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ5_F1C_W42", + "questions": [ + { + "key": "RQ5_F1C_W42", + "text": "Overall, do you think research misconduct by nutrition research scientists is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ6_F1C_W42", + "questions": [ + { + "key": "RQ6_F1C_W42", + "text": "When you hear or read news stories about research misconduct by nutrition research scientists, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ7_F1C_W42", + "questions": [ + { + "key": "RQ7_F1C_W42", + "text": "When you hear about problems with research misconduct among nutrition research scientists, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most nutrition research scientists have good intentions, it's the research system that's broken", + "text": "Most nutrition research scientists have good intentions, it's the research system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The research system can work fine, it's the nutrition research scientists that are the problem", + "text": "The research system can work fine, it's the nutrition research scientists that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RQ8_F1C_W42", + "questions": [ + { + "key": "RQ8_F1C_W42", + "text": "How often, if at all, do you think nutrition research scientists face serious consequences if they engage in research misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ1_F2A_W42", + "questions": [ + { + "key": "PQ1_F2A_W42", + "text": "In general, would you say your view of medical doctors is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ2_F2A_W42", + "questions": [ + { + "key": "PQ2_F2A_W42", + "text": "How much, if anything, do you know about what medical doctors do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Aa_W42", + "questions": [ + { + "key": "PQ3_F2Aa_W42", + "text": "Is what you know about medical doctors because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Ab_W42", + "questions": [ + { + "key": "PQ3_F2Ab_W42", + "text": "Is what you know about medical doctors because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Ac_W42", + "questions": [ + { + "key": "PQ3_F2Ac_W42", + "text": "Is what you know about medical doctors because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Ad_W42", + "questions": [ + { + "key": "PQ3_F2Ad_W42", + "text": "Is what you know about medical doctors because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Aa_W42", + "questions": [ + { + "key": "PQ4_F2Aa_W42", + "text": "Thinking about medical doctors, how often would you say they do a good job providing diagnoses and treatment recommendations", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ab_W42", + "questions": [ + { + "key": "PQ4_F2Ab_W42", + "text": "Thinking about medical doctors, how often would you say they provide fair and accurate information when making recommendations", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ac_W42", + "questions": [ + { + "key": "PQ4_F2Ac_W42", + "text": "Thinking about medical doctors, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ad_W42", + "questions": [ + { + "key": "PQ4_F2Ad_W42", + "text": "Thinking about medical doctors, how often would you say they are transparent about potential conflicts of interest with industry groups in their work", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ae_W42", + "questions": [ + { + "key": "PQ4_F2Ae_W42", + "text": "Thinking about medical doctors, how often would you say they care about the best interests of their patients", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ5_F2A_W42", + "questions": [ + { + "key": "PQ5_F2A_W42", + "text": "Overall, do you think professional misconduct by medical doctors is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ6_F2A_W42", + "questions": [ + { + "key": "PQ6_F2A_W42", + "text": "When you hear or read news stories about professional misconduct by medical doctors, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ7_F2A_W42", + "questions": [ + { + "key": "PQ7_F2A_W42", + "text": "When you hear about problems with professional misconduct among medical doctors, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most medical doctors have good intentions, it's the system that's broken", + "text": "Most medical doctors have good intentions, it's the system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The system can work fine, it's the medical doctors that are the problem", + "text": "The system can work fine, it's the medical doctors that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ8_F2A_W42", + "questions": [ + { + "key": "PQ8_F2A_W42", + "text": "How often, if at all, do you think medical doctors face serious consequences if they engage in professional misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ1_F2B_W42", + "questions": [ + { + "key": "PQ1_F2B_W42", + "text": "In general, would you say your view of environmental health specialists is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ2_F2B_W42", + "questions": [ + { + "key": "PQ2_F2B_W42", + "text": "How much, if anything, do you know about what environmental health specialists do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Ba_W42", + "questions": [ + { + "key": "PQ3_F2Ba_W42", + "text": "Is what you know about environmental health specialists because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Bb_W42", + "questions": [ + { + "key": "PQ3_F2Bb_W42", + "text": "Is what you know about environmental health specialists because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Bc_W42", + "questions": [ + { + "key": "PQ3_F2Bc_W42", + "text": "Is what you know about environmental health specialists because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Bd_W42", + "questions": [ + { + "key": "PQ3_F2Bd_W42", + "text": "Is what you know about environmental health specialists because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ba_W42", + "questions": [ + { + "key": "PQ4_F2Ba_W42", + "text": "Thinking about environmental health specialists, how often would you say they do a good job providing recommendations about how to address risks to human health from the environment", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Bb_W42", + "questions": [ + { + "key": "PQ4_F2Bb_W42", + "text": "Thinking about environmental health specialists, how often would you say they provide fair and accurate information when making recommendations", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Bc_W42", + "questions": [ + { + "key": "PQ4_F2Bc_W42", + "text": "Thinking about environmental health specialists, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Bd_W42", + "questions": [ + { + "key": "PQ4_F2Bd_W42", + "text": "Thinking about environmental health specialists, how often would you say they are transparent about potential conflicts of interest with industry groups in their work", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Be_W42", + "questions": [ + { + "key": "PQ4_F2Be_W42", + "text": "Thinking about environmental health specialists, how often would you say they care about the best interests of people in the community", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ5_F2B_W42", + "questions": [ + { + "key": "PQ5_F2B_W42", + "text": "Overall, do you think professional misconduct by environmental health specialists is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ6_F2B_W42", + "questions": [ + { + "key": "PQ6_F2B_W42", + "text": "When you hear or read news stories about professional misconduct by environmental health specialists, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ7_F2B_W42", + "questions": [ + { + "key": "PQ7_F2B_W42", + "text": "When you hear about problems with professional misconduct among environmental health specialists, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most environmental health specialists have good intentions, it's the system that's broken", + "text": "Most environmental health specialists have good intentions, it's the system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The system can work fine, it's the environmental health specialists that are the problem", + "text": "The system can work fine, it's the environmental health specialists that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ8_F2B_W42", + "questions": [ + { + "key": "PQ8_F2B_W42", + "text": "How often, if at all, do you think environmental health specialists face serious consequences if they engage in professional misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ1_F2C_W42", + "questions": [ + { + "key": "PQ1_F2C_W42", + "text": "In general, would you say your view of dietitians is", + "valid_options": [ + { + "raw": "Mostly positive", + "text": "Mostly positive", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly negative", + "text": "Mostly negative", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither positive nor negative", + "text": "Neither positive nor negative", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ2_F2C_W42", + "questions": [ + { + "key": "PQ2_F2C_W42", + "text": "How much, if anything, do you know about what dietitians do?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Ca_W42", + "questions": [ + { + "key": "PQ3_F2Ca_W42", + "text": "Is what you know about dietitians because you know someone who does this", + "valid_options": [ + { + "raw": "Yes, know someone who does this", + "text": "Yes, know someone who does this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not know someone who does this", + "text": "No, do not know someone who does this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Cb_W42", + "questions": [ + { + "key": "PQ3_F2Cb_W42", + "text": "Is what you know about dietitians because you learned about this in school", + "valid_options": [ + { + "raw": "Yes, learned about this in school", + "text": "Yes, learned about this in school", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in school", + "text": "No, did not learn about this in school", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Cc_W42", + "questions": [ + { + "key": "PQ3_F2Cc_W42", + "text": "Is what you know about dietitians because you learned about this in your job", + "valid_options": [ + { + "raw": "Yes, learned about this in my job", + "text": "Yes, learned about this in my job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about this in my job", + "text": "No, did not learn about this in my job", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ3_F2Cd_W42", + "questions": [ + { + "key": "PQ3_F2Cd_W42", + "text": "Is what you know about dietitians because you have heard or read about this in the news", + "valid_options": [ + { + "raw": "Yes, have heard or read about this in the news", + "text": "Yes, have heard or read about this in the news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not heard or read about this in the news", + "text": "No, have not heard or read about this in the news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ca_W42", + "questions": [ + { + "key": "PQ4_F2Ca_W42", + "text": "Thinking about dietitians, how often would you say they do a good job of providing recommendations about healthy eating", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Cb_W42", + "questions": [ + { + "key": "PQ4_F2Cb_W42", + "text": "Thinking about dietitians, how often would you say they provide fair and accurate information when making recommendations", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Cc_W42", + "questions": [ + { + "key": "PQ4_F2Cc_W42", + "text": "Thinking about dietitians, how often would you say they admit mistakes and take responsibility for them", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Cd_W42", + "questions": [ + { + "key": "PQ4_F2Cd_W42", + "text": "Thinking about dietitians, how often would you say they are transparent about potential conflicts of interest with industry groups in their work", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ4_F2Ce_W42", + "questions": [ + { + "key": "PQ4_F2Ce_W42", + "text": "Thinking about dietitians, how often would you say they care about the best interests of their patients", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ5_F2C_W42", + "questions": [ + { + "key": "PQ5_F2C_W42", + "text": "Overall, do you think professional misconduct by dietitians is", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ6_F2C_W42", + "questions": [ + { + "key": "PQ6_F2C_W42", + "text": "When you hear or read news stories about professional misconduct by dietitians, do you think of these cases as", + "valid_options": [ + { + "raw": "Isolated incidents", + "text": "Isolated incidents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Signs of a broader problem", + "text": "Signs of a broader problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ7_F2C_W42", + "questions": [ + { + "key": "PQ7_F2C_W42", + "text": "When you hear about problems with professional misconduct among dietitians, which comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Most dietitians have good intentions, it's the system that's broken", + "text": "Most dietitians have good intentions, it's the system that's broken", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The system can work fine, it's the dietitians that are the problem", + "text": "The system can work fine, it's the dietitians that are the problem", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PQ8_F2C_W42", + "questions": [ + { + "key": "PQ8_F2C_W42", + "text": "How often, if at all, do you think dietitians face serious consequences if they engage in professional misconduct?", + "valid_options": [ + { + "raw": "All or most of the time", + "text": "All or most of the time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some of the time", + "text": "Some of the time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little of the time", + "text": "Only a little of the time", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None of the time", + "text": "None of the time", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM4a_W42", + "questions": [ + { + "key": "SCM4a_W42", + "text": "How important do you think scientific research that has immediate practical applications types of scientific research is for society?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not important at all", + "text": "Not important at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM4b_W42", + "questions": [ + { + "key": "SCM4b_W42", + "text": "How important do you think scientific research that advances knowledge, even if there are no immediate benefits types of scientific research is for society?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not important at all", + "text": "Not important at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q6F1_W42", + "questions": [ + { + "key": "Q6F1_W42", + "text": "When you hear that scientific research findings have been reviewed by an independent committee, does this make you", + "valid_options": [ + { + "raw": "Trust the research findings more", + "text": "Trust the research findings more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the research findings less", + "text": "Trust the research findings less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q7F1_W42", + "questions": [ + { + "key": "Q7F1_W42", + "text": "When you hear that data used in scientific research is being made openly available to the public, does this make you", + "valid_options": [ + { + "raw": "Trust the research findings more", + "text": "Trust the research findings more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the research findings less", + "text": "Trust the research findings less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q8F1_W42", + "questions": [ + { + "key": "Q8F1_W42", + "text": "When you hear about scientific research that has been funded by the federal government, does this make you", + "valid_options": [ + { + "raw": "Trust the research findings more", + "text": "Trust the research findings more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the research findings less", + "text": "Trust the research findings less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q9F1_W42", + "questions": [ + { + "key": "Q9F1_W42", + "text": "When you hear about scientific research that has been funded by an industry group, does this make you", + "valid_options": [ + { + "raw": "Trust the research findings more", + "text": "Trust the research findings more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the research findings less", + "text": "Trust the research findings less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q6F2_W42", + "questions": [ + { + "key": "Q6F2_W42", + "text": "When you hear that a science practitioner's recommendation is based on a review from an independent committee, does this make you", + "valid_options": [ + { + "raw": "Trust the recommendation more", + "text": "Trust the recommendation more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the recommendation less", + "text": "Trust the recommendation less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q7F2_W42", + "questions": [ + { + "key": "Q7F2_W42", + "text": "When you hear that a science practitioner is open to getting a second opinion on their recommendation, does this make you", + "valid_options": [ + { + "raw": "Trust the recommendation more", + "text": "Trust the recommendation more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the recommendation less", + "text": "Trust the recommendation less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q8F2_W42", + "questions": [ + { + "key": "Q8F2_W42", + "text": "When you hear that a science practitioner has received financial incentives from the federal government related to their work, does this make you", + "valid_options": [ + { + "raw": "Trust the recommendation more", + "text": "Trust the recommendation more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the recommendation less", + "text": "Trust the recommendation less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "Q9F2_W42", + "questions": [ + { + "key": "Q9F2_W42", + "text": "When you hear that a science practitioner has received financial incentives from an industry group related to their work, does this make you", + "valid_options": [ + { + "raw": "Trust the recommendation more", + "text": "Trust the recommendation more", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Trust the recommendation less", + "text": "Trust the recommendation less", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Makes no difference either way", + "text": "Makes no difference either way", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5a_W42", + "questions": [ + { + "key": "SCM5a_W42", + "text": "In general, would you say the following statements describes most research scientists well? Intelligent", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5b_W42", + "questions": [ + { + "key": "SCM5b_W42", + "text": "In general, would you say the following statements describes most research scientists well? Good communicators", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5c_W42", + "questions": [ + { + "key": "SCM5c_W42", + "text": "In general, would you say the following statements describes most research scientists well? Focused on solving real-world problems", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5d_W42", + "questions": [ + { + "key": "SCM5d_W42", + "text": "In general, would you say the following statements describes most research scientists well? Close-minded", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5e_W42", + "questions": [ + { + "key": "SCM5e_W42", + "text": "In general, would you say the following statements describes most research scientists well? Don't pay attention to the moral values of society", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5f_W42", + "questions": [ + { + "key": "SCM5f_W42", + "text": "In general, would you say the following statements describes most research scientists well? Honest", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5g_W42", + "questions": [ + { + "key": "SCM5g_W42", + "text": "In general, would you say the following statements describes most research scientists well? Skilled at working in teams", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5h_W42", + "questions": [ + { + "key": "SCM5h_W42", + "text": "In general, would you say the following statements describes most research scientists well? Cold", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5i_W42", + "questions": [ + { + "key": "SCM5i_W42", + "text": "In general, would you say the following statements describes most research scientists well? Socially awkward", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM5j_W42", + "questions": [ + { + "key": "SCM5j_W42", + "text": "In general, would you say the following statements describes most research scientists well? Feel superior to others", + "valid_options": [ + { + "raw": "Describes research scientists well", + "text": "Describes research scientists well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Does not describe research scientists well", + "text": "Does not describe research scientists well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM2_W42", + "questions": [ + { + "key": "SCM2_W42", + "text": "Which of the following best describes what you think about the scientific method?", + "valid_options": [ + { + "raw": "The scientific method generally produces accurate conclusions", + "text": "The scientific method generally produces accurate conclusions", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The scientific method can be used to produce any conclusion the researcher wants", + "text": "The scientific method can be used to produce any conclusion the researcher wants", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SCM3_W42", + "questions": [ + { + "key": "SCM3_W42", + "text": "Which of these statements comes closer to your own view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Scientists make judgments based solely on the facts", + "text": "Scientists make judgments based solely on the facts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Scientists' judgments are just as likely to be biased as other people's", + "text": "Scientists' judgments are just as likely to be biased as other people's", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POP1_W42", + "questions": [ + { + "key": "POP1_W42", + "text": "Which of these statements comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Ordinary people would do a better job solving the country's problems than elected officials", + "text": "Ordinary people would do a better job solving the country's problems than elected officials", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Ordinary people would do no better solving the country's problems than elected officials", + "text": "Ordinary people would do no better solving the country's problems than elected officials", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POP2_W42", + "questions": [ + { + "key": "POP2_W42", + "text": "In general, do you think most of the important policy decisions in this country are made with", + "valid_options": [ + { + "raw": "A great deal of concern for how the policies affect people like you", + "text": "A great deal of concern for how the policies affect people like you", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some concern for how the policies affect people like you", + "text": "Some concern for how the policies affect people like you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much concern for how the policies affect people like you", + "text": "Not too much concern for how the policies affect people like you", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No concern at all for how the policies affect people like you", + "text": "No concern at all for how the policies affect people like you", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POP3_W42", + "questions": [ + { + "key": "POP3_W42", + "text": "Which of these do you think is the better way to solve the country's most pressing problems, even if neither is exactly right?", + "valid_options": [ + { + "raw": "Rely more on people who are considered experts about the problems, even if they don't have much practical experience", + "text": "Rely more on people who are considered experts about the problems, even if they don't have much practical experience", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Rely more on people with practical experience with the problems, even if they aren't considered experts", + "text": "Rely more on people with practical experience with the problems, even if they aren't considered experts", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W43/variables.json b/variables/ATP/American_Trends_Panel_W43/variables.json new file mode 100644 index 0000000..2d8b110 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W43/variables.json @@ -0,0 +1,4561 @@ +[ + { + "name": "RACESURV1a_W43", + "questions": [ + { + "key": "RACESURV1a_W43", + "text": "For your physical health aspects of your life, would you say that you are, or about where you expected to be at this point in your life?", + "valid_options": [ + { + "raw": "In a better situation than I expected", + "text": "In a better situation than I expected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In a worse situation than I expected", + "text": "In a worse situation than I expected", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About where I expected", + "text": "About where I expected", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV1b_W43", + "questions": [ + { + "key": "RACESURV1b_W43", + "text": "For your job or career aspects of your life, would you say that you are, or about where you expected to be at this point in your life?", + "valid_options": [ + { + "raw": "In a better situation than I expected", + "text": "In a better situation than I expected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In a worse situation than I expected", + "text": "In a worse situation than I expected", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About where I expected", + "text": "About where I expected", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV1c_W43", + "questions": [ + { + "key": "RACESURV1c_W43", + "text": "For your relationships with family and friends aspects of your life, would you say that you are, or about where you expected to be at this point in your life?", + "valid_options": [ + { + "raw": "In a better situation than I expected", + "text": "In a better situation than I expected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In a worse situation than I expected", + "text": "In a worse situation than I expected", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About where I expected", + "text": "About where I expected", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV1d_W43", + "questions": [ + { + "key": "RACESURV1d_W43", + "text": "For your personal finances aspects of your life, would you say that you are, or about where you expected to be at this point in your life?", + "valid_options": [ + { + "raw": "In a better situation than I expected", + "text": "In a better situation than I expected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In a worse situation than I expected", + "text": "In a worse situation than I expected", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About where I expected", + "text": "About where I expected", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONa_W43", + "questions": [ + { + "key": "ADMISSIONa_W43", + "text": "Do you think race or ethnicity should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONb_W43", + "questions": [ + { + "key": "ADMISSIONb_W43", + "text": "Do you think gender should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONc_W43", + "questions": [ + { + "key": "ADMISSIONc_W43", + "text": "Do you think whether a relative attended the school should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONd_W43", + "questions": [ + { + "key": "ADMISSIONd_W43", + "text": "Do you think athletic ability should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONe_W43", + "questions": [ + { + "key": "ADMISSIONe_W43", + "text": "Do you think involvement in community service should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONf_W43", + "questions": [ + { + "key": "ADMISSIONf_W43", + "text": "Do you think scores on standardized tests, such as the SAT or act should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONg_W43", + "questions": [ + { + "key": "ADMISSIONg_W43", + "text": "Do you think high school grades should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADMISSIONh_W43", + "questions": [ + { + "key": "ADMISSIONh_W43", + "text": "Do you think being the first person in the family to go to college should be a major factor, minor factor, or not a factor in college admissions?", + "valid_options": [ + { + "raw": "Major factor", + "text": "Major factor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor factor", + "text": "Minor factor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a factor", + "text": "Not a factor", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV2_W43", + "questions": [ + { + "key": "RACESURV2_W43", + "text": "The U.S. population is made up of people of many different races and ethnicities. Overall, do you think this is", + "valid_options": [ + { + "raw": "Very good for the country", + "text": "Very good for the country", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for the country", + "text": "Somewhat good for the country", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad for the country", + "text": "Somewhat bad for the country", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad for the country", + "text": "Very bad for the country", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither good nor bad for the country", + "text": "Neither good nor bad for the country", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV3_W43", + "questions": [ + { + "key": "RACESURV3_W43", + "text": "In general, do you think the fact that the U.S. population is made up of people of many different races and ethnicities makes it", + "valid_options": [ + { + "raw": "Easier for policymakers to solve the country's problems", + "text": "Easier for policymakers to solve the country's problems", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Harder for policymakers to solve the country's problems", + "text": "Harder for policymakers to solve the country's problems", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV4_W43", + "questions": [ + { + "key": "RACESURV4_W43", + "text": "In general, do you think the fact that the U.S. population is made up of people of many different races and ethnicities has", + "valid_options": [ + { + "raw": "A positive impact on the country's culture", + "text": "A positive impact on the country's culture", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A negative impact on the country's culture", + "text": "A negative impact on the country's culture", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5a_W43", + "questions": [ + { + "key": "RACESURV5a_W43", + "text": "Overall, how does being white affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5b_W43", + "questions": [ + { + "key": "RACESURV5b_W43", + "text": "Overall, how does being black affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5c_W43", + "questions": [ + { + "key": "RACESURV5c_W43", + "text": "Overall, how does being Hispanic affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5d_W43", + "questions": [ + { + "key": "RACESURV5d_W43", + "text": "Overall, how does being Asian affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5e_W43", + "questions": [ + { + "key": "RACESURV5e_W43", + "text": "Overall, how does being Native American affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5f_W43", + "questions": [ + { + "key": "RACESURV5f_W43", + "text": "Overall, how does being Jewish affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5g_W43", + "questions": [ + { + "key": "RACESURV5g_W43", + "text": "Overall, how does being Muslim affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5h_W43", + "questions": [ + { + "key": "RACESURV5h_W43", + "text": "Overall, how does being an evangelical Christian affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5i_W43", + "questions": [ + { + "key": "RACESURV5i_W43", + "text": "Overall, how does being a man affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5j_W43", + "questions": [ + { + "key": "RACESURV5j_W43", + "text": "Overall, how does being a woman affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5k_W43", + "questions": [ + { + "key": "RACESURV5k_W43", + "text": "Overall, how does being poor affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV5l_W43", + "questions": [ + { + "key": "RACESURV5l_W43", + "text": "Overall, how does being wealthy affect people's ability to get ahead in our country these days?", + "valid_options": [ + { + "raw": "Helps a lot", + "text": "Helps a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helps a little", + "text": "Helps a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurts a little", + "text": "Hurts a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurts a lot", + "text": "Hurts a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helps nor hurts", + "text": "Neither helps nor hurts", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV6_W43", + "questions": [ + { + "key": "RACESURV6_W43", + "text": "When it comes to racial discrimination, which do you think is the bigger problem for the country today?", + "valid_options": [ + { + "raw": "People seeing racial discrimination where it really does not exist", + "text": "People seeing racial discrimination where it really does not exist", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People not seeing racial discrimination where it really does exist", + "text": "People not seeing racial discrimination where it really does exist", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV7_W43", + "questions": [ + { + "key": "RACESURV7_W43", + "text": "How often, if ever, does race or race relations come up in your conversations with family and friends?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV8_W43", + "questions": [ + { + "key": "RACESURV8_W43", + "text": "When race or race relations comes up in your conversations with family and friends, are you generally", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat uncomfortable", + "text": "Somewhat uncomfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very uncomfortable", + "text": "Very uncomfortable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV9_W43", + "questions": [ + { + "key": "RACESURV9_W43", + "text": "When race or race relations comes up in your conversations with family and friends, is it", + "valid_options": [ + { + "raw": "Always with people who are the same race as you", + "text": "Always with people who are the same race as you", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Mostly with people who are the same race as you", + "text": "Mostly with people who are the same race as you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Mostly with people who are not the same race as you", + "text": "Mostly with people who are not the same race as you", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Always with people who are not the same race as you", + "text": "Always with people who are not the same race as you", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Both about equally", + "text": "Both about equally", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV10_W43", + "questions": [ + { + "key": "RACESURV10_W43", + "text": "Do you think race relations in the United States are", + "valid_options": [ + { + "raw": "Generally good", + "text": "Generally good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Generally bad", + "text": "Generally bad", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV11_W43", + "questions": [ + { + "key": "RACESURV11_W43", + "text": "Do you think race relations in the United States are", + "valid_options": [ + { + "raw": "Getting better", + "text": "Getting better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Getting worse", + "text": "Getting worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Staying about the same", + "text": "Staying about the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV12_W43", + "questions": [ + { + "key": "RACESURV12_W43", + "text": "When it comes to giving black people equal rights with whites, do you think our country has", + "valid_options": [ + { + "raw": "Gone too far", + "text": "Gone too far", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not gone far enough", + "text": "Not gone far enough", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Been about right", + "text": "Been about right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV13_W43", + "questions": [ + { + "key": "RACESURV13_W43", + "text": "How likely, if at all, is it that black people in our country will eventually have equal rights with whites?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACATTN_W43", + "questions": [ + { + "key": "RACATTN_W43", + "text": "In general, do you think there is too much, too little, or about the right amount of attention paid to race and racial issues in our country these days?", + "valid_options": [ + { + "raw": "Too much attention", + "text": "Too much attention", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little attention", + "text": "Too little attention", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount of attention", + "text": "About the right amount of attention", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV14_W43", + "questions": [ + { + "key": "RACESURV14_W43", + "text": "Would you say President Trump has", + "valid_options": [ + { + "raw": "Made progress toward improving race relations", + "text": "Made progress toward improving race relations", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Tried but failed to make progress toward improving race relations", + "text": "Tried but failed to make progress toward improving race relations", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not addressed race relations", + "text": "Not addressed race relations", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Made race relations worse", + "text": "Made race relations worse", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV15a_W43", + "questions": [ + { + "key": "RACESURV15a_W43", + "text": "Since President Trump was elected, do you think it has become more common or less common for people to express racist or racially insensitive views, or is it about as common as it was before?", + "valid_options": [ + { + "raw": "More common", + "text": "More common", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less common", + "text": "Less common", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as common", + "text": "About as common", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV15b_W43", + "questions": [ + { + "key": "RACESURV15b_W43", + "text": "Since President Trump was elected, do you think it has become more acceptable or less acceptable for people to express racist or racially insensitive views, or is it about as acceptable as it was before?", + "valid_options": [ + { + "raw": "More acceptable", + "text": "More acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less acceptable", + "text": "Less acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as acceptable", + "text": "About as acceptable", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV16_W43", + "questions": [ + { + "key": "RACESURV16_W43", + "text": "When it comes to improving race relations, do you think it is more important for people to focus on", + "valid_options": [ + { + "raw": "The unique experiences of different racial and ethnic groups", + "text": "The unique experiences of different racial and ethnic groups", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "What different racial and ethnic groups have in common", + "text": "What different racial and ethnic groups have in common", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV17_W43", + "questions": [ + { + "key": "RACESURV17_W43", + "text": "How much, if at all, do you think the legacy of slavery affects the position of black people in American society today?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18a_W43", + "questions": [ + { + "key": "RACESURV18a_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Whites and Hispanics", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18b_W43", + "questions": [ + { + "key": "RACESURV18b_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Blacks and Hispanics", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18c_W43", + "questions": [ + { + "key": "RACESURV18c_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Blacks and whites", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18d_W43", + "questions": [ + { + "key": "RACESURV18d_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Whites and Asians", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18e_W43", + "questions": [ + { + "key": "RACESURV18e_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Blacks and Asians", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV18f_W43", + "questions": [ + { + "key": "RACESURV18f_W43", + "text": "Thinking again about race and race relations in the U.S. in general, how well, if at all, do you think each of these groups get along with each other in our society these days? Hispanics and Asians", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Pretty well", + "text": "Pretty well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19a_W43", + "questions": [ + { + "key": "RACESURV19a_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Racial discrimination", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19b_W43", + "questions": [ + { + "key": "RACESURV19b_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Lack of motivation to work hard", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19c_W43", + "questions": [ + { + "key": "RACESURV19c_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Less access to good quality schools", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19d_W43", + "questions": [ + { + "key": "RACESURV19d_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Lack of good role models", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19e_W43", + "questions": [ + { + "key": "RACESURV19e_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Less access to high-paying jobs", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV19f_W43", + "questions": [ + { + "key": "RACESURV19f_W43", + "text": "Do you think each is a major reason, minor reason, or not a reason why black people in our country may have a harder time getting ahead than white people? Family instability", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV20_W43", + "questions": [ + { + "key": "RACESURV20_W43", + "text": "Thinking about your own experience, have you ever personally experienced discrimination or been treated unfairly because of your race or ethnicity?", + "valid_options": [ + { + "raw": "Yes, regularly", + "text": "Yes, regularly", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, from time to time", + "text": "Yes, from time to time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV21_W43", + "questions": [ + { + "key": "RACESURV21_W43", + "text": "How often, if ever, did your family talk to you about challenges you might face because of your race or ethnicity?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV22_W43", + "questions": [ + { + "key": "RACESURV22_W43", + "text": "How often, if ever, did your family talk to you about advantages you might have because of your race or ethnicity?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV24_W43", + "questions": [ + { + "key": "RACESURV24_W43", + "text": "How much, if at all, do you think what happens to white people in the country overall affects what happens in your own life?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV25_W43", + "questions": [ + { + "key": "RACESURV25_W43", + "text": "How much, if at all, do you think what happens to black people in the country overall affects what happens in your own life?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV26_W43", + "questions": [ + { + "key": "RACESURV26_W43", + "text": "How much, if at all, do you think what happens to Hispanics in the country overall affects what happens in your own life?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV27_W43", + "questions": [ + { + "key": "RACESURV27_W43", + "text": "How much, if at all, do you think what happens to Asians in the country overall affects what happens in your own life?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IDIMPORT_W43", + "questions": [ + { + "key": "IDIMPORT_W43", + "text": "How important is being white to how you think about yourself?", + "valid_options": [ + { + "raw": "Extremely important", + "text": "Extremely important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Moderately important", + "text": "Moderately important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only a little important", + "text": "Only a little important", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IDIMPORT_W43", + "questions": [ + { + "key": "IDIMPORT_W43", + "text": "How important is being white to how you think about yourself?", + "valid_options": [ + { + "raw": "Extremely important", + "text": "Extremely important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Moderately important", + "text": "Moderately important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only a little important", + "text": "Only a little important", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IDIMPORT_W43", + "questions": [ + { + "key": "IDIMPORT_W43", + "text": "How important is being white to how you think about yourself?", + "valid_options": [ + { + "raw": "Extremely important", + "text": "Extremely important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Moderately important", + "text": "Moderately important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only a little important", + "text": "Only a little important", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IDIMPORT_W43", + "questions": [ + { + "key": "IDIMPORT_W43", + "text": "How important is being white to how you think about yourself?", + "valid_options": [ + { + "raw": "Extremely important", + "text": "Extremely important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Moderately important", + "text": "Moderately important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only a little important", + "text": "Only a little important", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IDIMPORT_W43", + "questions": [ + { + "key": "IDIMPORT_W43", + "text": "How important is being white to how you think about yourself?", + "valid_options": [ + { + "raw": "Extremely important", + "text": "Extremely important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Moderately important", + "text": "Moderately important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Only a little important", + "text": "Only a little important", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28a_W43", + "questions": [ + { + "key": "RACESURV28a_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in in hiring, pay and promotions situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28b_W43", + "questions": [ + { + "key": "RACESURV28b_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in in stores or restaurants situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28c_W43", + "questions": [ + { + "key": "RACESURV28c_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in when applying for a loan or mortgage situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28d_W43", + "questions": [ + { + "key": "RACESURV28d_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in in dealing with the police situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28e_W43", + "questions": [ + { + "key": "RACESURV28e_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in by the criminal justice system situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28f_W43", + "questions": [ + { + "key": "RACESURV28f_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in when voting in elections situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV28g_W43", + "questions": [ + { + "key": "RACESURV28g_W43", + "text": "Would you say that black people are treated less fairly than white people, white people are treated less fairly than black people, or both are treated about equally in when seeking medical treatment situations?", + "valid_options": [ + { + "raw": "Black people are treated less fairly than white people", + "text": "Black people are treated less fairly than white people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "White people are treated less fairly than black people", + "text": "White people are treated less fairly than black people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both are treated about equally", + "text": "Both are treated about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV29a_W43", + "questions": [ + { + "key": "RACESURV29a_W43", + "text": "In your daily life, how much interaction, if any, would you say you have with people who are White", + "valid_options": [ + { + "raw": "A lot of interaction", + "text": "A lot of interaction", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some interaction", + "text": "Some interaction", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much interaction", + "text": "Not much interaction", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No interaction at all", + "text": "No interaction at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV29b_W43", + "questions": [ + { + "key": "RACESURV29b_W43", + "text": "In your daily life, how much interaction, if any, would you say you have with people who are black", + "valid_options": [ + { + "raw": "A lot of interaction", + "text": "A lot of interaction", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some interaction", + "text": "Some interaction", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much interaction", + "text": "Not much interaction", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No interaction at all", + "text": "No interaction at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV29c_W43", + "questions": [ + { + "key": "RACESURV29c_W43", + "text": "In your daily life, how much interaction, if any, would you say you have with people who are hispanic", + "valid_options": [ + { + "raw": "A lot of interaction", + "text": "A lot of interaction", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some interaction", + "text": "Some interaction", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much interaction", + "text": "Not much interaction", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No interaction at all", + "text": "No interaction at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV29d_W43", + "questions": [ + { + "key": "RACESURV29d_W43", + "text": "In your daily life, how much interaction, if any, would you say you have with people who are asian", + "valid_options": [ + { + "raw": "A lot of interaction", + "text": "A lot of interaction", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some interaction", + "text": "Some interaction", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much interaction", + "text": "Not much interaction", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No interaction at all", + "text": "No interaction at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV34a_W43", + "questions": [ + { + "key": "RACESURV34a_W43", + "text": "Overall, how much has being white/Being black/Being Hispanic/Being Asian/Your racial background helped or hurt your ability to get ahead?", + "valid_options": [ + { + "raw": "Helped a lot", + "text": "Helped a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helped a little", + "text": "Helped a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurt a little", + "text": "Hurt a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurt a lot", + "text": "Hurt a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV34b_W43", + "questions": [ + { + "key": "RACESURV34b_W43", + "text": "Overall, how much has being a man/Being a woman/Your gender helped or hurt your ability to get ahead?", + "valid_options": [ + { + "raw": "Helped a lot", + "text": "Helped a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helped a little", + "text": "Helped a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurt a little", + "text": "Hurt a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurt a lot", + "text": "Hurt a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV34c_W43", + "questions": [ + { + "key": "RACESURV34c_W43", + "text": "Overall, how much has your family's financial situation when you were growing up helped or hurt your ability to get ahead?", + "valid_options": [ + { + "raw": "Helped a lot", + "text": "Helped a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helped a little", + "text": "Helped a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurt a little", + "text": "Hurt a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurt a lot", + "text": "Hurt a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV34d_W43", + "questions": [ + { + "key": "RACESURV34d_W43", + "text": "Overall, how much has how hard you've worked helped or hurt your ability to get ahead?", + "valid_options": [ + { + "raw": "Helped a lot", + "text": "Helped a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helped a little", + "text": "Helped a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurt a little", + "text": "Hurt a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurt a lot", + "text": "Hurt a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV34e_W43", + "questions": [ + { + "key": "RACESURV34e_W43", + "text": "Overall, how much has the people you know helped or hurt your ability to get ahead?", + "valid_options": [ + { + "raw": "Helped a lot", + "text": "Helped a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helped a little", + "text": "Helped a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurt a little", + "text": "Hurt a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurt a lot", + "text": "Hurt a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helped nor hurt", + "text": "Neither helped nor hurt", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV36_W43", + "questions": [ + { + "key": "RACESURV36_W43", + "text": "How often, if ever, do you hear a white friend or family member make comments or jokes that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV36_W43", + "questions": [ + { + "key": "RACESURV36_W43", + "text": "How often, if ever, do you hear a white friend or family member make comments or jokes that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV36_W43", + "questions": [ + { + "key": "RACESURV36_W43", + "text": "How often, if ever, do you hear a white friend or family member make comments or jokes that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV36_W43", + "questions": [ + { + "key": "RACESURV36_W43", + "text": "How often, if ever, do you hear a white friend or family member make comments or jokes that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV36_W43", + "questions": [ + { + "key": "RACESURV36_W43", + "text": "How often, if ever, do you hear a white friend or family member make comments or jokes that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV37_W43", + "questions": [ + { + "key": "RACESURV37_W43", + "text": "Have you ever confronted a white friend or family member who has made a comment or joke that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV37_W43", + "questions": [ + { + "key": "RACESURV37_W43", + "text": "Have you ever confronted a white friend or family member who has made a comment or joke that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV37_W43", + "questions": [ + { + "key": "RACESURV37_W43", + "text": "Have you ever confronted a white friend or family member who has made a comment or joke that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV37_W43", + "questions": [ + { + "key": "RACESURV37_W43", + "text": "Have you ever confronted a white friend or family member who has made a comment or joke that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV37_W43", + "questions": [ + { + "key": "RACESURV37_W43", + "text": "Have you ever confronted a white friend or family member who has made a comment or joke that might be considered racist or racially insensitive about people who are not white?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV38_W43", + "questions": [ + { + "key": "RACESURV38_W43", + "text": "How often, if ever, do you stop yourself from saying something because someone might think you are racist or racially insensitive?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV40_W43", + "questions": [ + { + "key": "RACESURV40_W43", + "text": "How many white people in our country do you think are prejudiced against black people?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV41_W43", + "questions": [ + { + "key": "RACESURV41_W43", + "text": "How many white people in our country do you think would confront a white friend or family member if they made a racist or racially insensitive comment or joke about people who are black?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV44_W43", + "questions": [ + { + "key": "RACESURV44_W43", + "text": "How many black people in our country do you think are prejudiced against white people?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV45_W43", + "questions": [ + { + "key": "RACESURV45_W43", + "text": "How many black people in our country do you think would confront a black friend or family member if they made a racist or racially insensitive comment or joke about people who are white?", + "valid_options": [ + { + "raw": "All or most", + "text": "All or most", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few", + "text": "Only a few", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47a_W43", + "questions": [ + { + "key": "RACESURV47a_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. A sports team using Native American tribal names or images as mascots", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47b_W43", + "questions": [ + { + "key": "RACESURV47b_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. A black person using the n-word", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47c_W43", + "questions": [ + { + "key": "RACESURV47c_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. A white person using the n-word", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47d_W43", + "questions": [ + { + "key": "RACESURV47d_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. Casting an actor to play a character of a race or ethnicity other than their own", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47e_W43", + "questions": [ + { + "key": "RACESURV47e_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. A person wearing traditional dress from a country or culture other than their own as part of a Halloween costume", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV47f_W43", + "questions": [ + { + "key": "RACESURV47f_W43", + "text": "For each, please indicate if you, personally, think it is acceptable. A white person using makeup to darken their skin so they appear to be a different race as part of a Halloween costume", + "valid_options": [ + { + "raw": "Always acceptable", + "text": "Always acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes acceptable", + "text": "Sometimes acceptable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely acceptable", + "text": "Rarely acceptable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never acceptable", + "text": "Never acceptable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "RACESURV48_W43", + "questions": [ + { + "key": "RACESURV48_W43", + "text": "How important, if at all, would you say it is for companies and organizations to promote racial and ethnic diversity in their workplace?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV49_W43", + "questions": [ + { + "key": "RACESURV49_W43", + "text": "When it comes to decisions about hiring and promotions, do you think companies and organizations", + "valid_options": [ + { + "raw": "Should take a person's race and ethnicity into account, in addition to their qualifications, in order to increase divers", + "text": "Should take a person's race and ethnicity into account, in addition to their qualifications, in order to increase divers", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should only take a person's qualifications into account, even if it results in less diversity in the workplace", + "text": "Should only take a person's qualifications into account, even if it results in less diversity in the workplace", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV50_W43", + "questions": [ + { + "key": "RACESURV50_W43", + "text": "When it comes to the schools students attend, do you think students", + "valid_options": [ + { + "raw": "Should go to schools that are racially and ethnically mixed, even if it means that some students don't go to school in their local community", + "text": "Should go to schools that are racially and ethnically mixed, even if it means that some students don't go to school in their local community", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should go to schools in their local community, even if it means that most schools are not racially and ethnically mixed", + "text": "Should go to schools in their local community, even if it means that most schools are not racially and ethnically mixed", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV51_W43", + "questions": [ + { + "key": "RACESURV51_W43", + "text": "Thinking about the community where you live, do you wish your community was", + "valid_options": [ + { + "raw": "More racially mixed", + "text": "More racially mixed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less racially mixed", + "text": "Less racially mixed", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About as racially mixed as it is", + "text": "About as racially mixed as it is", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV52_W43", + "questions": [ + { + "key": "RACESURV52_W43", + "text": "How much, if at all, would it bother you to hear people speak a language other than English in a public place?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53a_W43", + "questions": [ + { + "key": "RACESURV53a_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. Been unfairly stopped by police", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53b_W43", + "questions": [ + { + "key": "RACESURV53b_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. People acted as if they were suspicious of you", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53c_W43", + "questions": [ + { + "key": "RACESURV53c_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. People acted as if they thought you were not smart", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53d_W43", + "questions": [ + { + "key": "RACESURV53d_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. Been treated unfairly by an employer in hiring, pay or promotion", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53e_W43", + "questions": [ + { + "key": "RACESURV53e_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. Been subject to slurs or jokes", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53f_W43", + "questions": [ + { + "key": "RACESURV53f_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. Feared for your personal safety", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV53g_W43", + "questions": [ + { + "key": "RACESURV53g_W43", + "text": "Please indicate whether or not each has happened to you because of your race or ethnicity. People assumed you are racist or prejudiced", + "valid_options": [ + { + "raw": "Yes, has happened to me", + "text": "Yes, has happened to me", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, has not happened to me", + "text": "No, has not happened to me", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W45/variables.json b/variables/ATP/American_Trends_Panel_W45/variables.json new file mode 100644 index 0000000..7765cfa --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W45/variables.json @@ -0,0 +1,3632 @@ +[ + { + "name": "NEWS_PLATFORMg_W45", + "questions": [ + { + "key": "NEWS_PLATFORMg_W45", + "text": "Thinking about news (by news we mean information about events and issues that involve more than just your friends and family), how often do you get news from a social media site (such as Facebook, Twitter, or Snapchat)", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWS_PLATFORMh_W45", + "questions": [ + { + "key": "NEWS_PLATFORMh_W45", + "text": "Thinking about news (by news we mean information about events and issues that involve more than just your friends and family), how often do you get news from a news website or app", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPREFV2_W45", + "questions": [ + { + "key": "NEWSPREFV2_W45", + "text": "Which of the following would you say you prefer for getting news?", + "valid_options": [ + { + "raw": "A print newspaper", + "text": "A print newspaper", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Radio", + "text": "Radio", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Television", + "text": "Television", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "A social media site (such as Facebook, Twitter or Snapchat)", + "text": "A social media site (such as Facebook, Twitter or Snapchat)", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "A news website or app", + "text": "A news website or app", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOURCESKEPa_W45", + "questions": [ + { + "key": "SOURCESKEPa_W45", + "text": "How much do you trust the accuracy of the news and information that you get from your main news outlets", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOURCESKEPb_W45", + "questions": [ + { + "key": "SOURCESKEPb_W45", + "text": "How much do you trust the accuracy of the news and information that you get from news outlets you don't come across often", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOURCESKEPc_W45", + "questions": [ + { + "key": "SOURCESKEPc_W45", + "text": "How much do you trust the accuracy of the news and information that you get from political leaders and public officials", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOURCESKEPd_W45", + "questions": [ + { + "key": "SOURCESKEPd_W45", + "text": "How much do you trust the accuracy of the news and information that you get from friends and family", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOURCESKEPe_W45", + "questions": [ + { + "key": "SOURCESKEPe_W45", + "text": "How much do you trust the accuracy of the news and information that you get from Social media sites (such as Facebook, Twitter or Snapchat)", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCONFUSEa_W45", + "questions": [ + { + "key": "INFOCONFUSEa_W45", + "text": "How much do you think the following type of news and information leaves Americans confused about the basic facts of current issues and events? Made-up information that is intended to mislead the public", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCONFUSEb_W45", + "questions": [ + { + "key": "INFOCONFUSEb_W45", + "text": "How much do you think the following type of news and information leaves Americans confused about the basic facts of current issues and events? Satire about an issue or event", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCONFUSEc_W45", + "questions": [ + { + "key": "INFOCONFUSEc_W45", + "text": "How much do you think the following type of news and information leaves Americans confused about the basic facts of current issues and events? Breaking information that is published before everything is verified", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCONFUSEd_W45", + "questions": [ + { + "key": "INFOCONFUSEd_W45", + "text": "How much do you think the following type of news and information leaves Americans confused about the basic facts of current issues and events? Factual information presented to favor one side of an issue", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCONFUSEe_W45", + "questions": [ + { + "key": "INFOCONFUSEe_W45", + "text": "How much do you think the following type of news and information leaves Americans confused about the basic facts of current issues and events? A video or image that is altered or made up to mislead the public", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOKNOWa_W45", + "questions": [ + { + "key": "INFOKNOWa_W45", + "text": "How do you feel about the average American's ability to recognize the following type of news and information? Made-up information that is intended to mislead the public", + "valid_options": [ + { + "raw": "The average American should be able to recognize it", + "text": "The average American should be able to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It is too much to ask of the average American to be able to recognize it", + "text": "It is too much to ask of the average American to be able to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOKNOWb_W45", + "questions": [ + { + "key": "INFOKNOWb_W45", + "text": "How do you feel about the average American's ability to recognize the following type of news and information? Satire about an issue or event", + "valid_options": [ + { + "raw": "The average American should be able to recognize it", + "text": "The average American should be able to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It is too much to ask of the average American to be able to recognize it", + "text": "It is too much to ask of the average American to be able to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOKNOWc_W45", + "questions": [ + { + "key": "INFOKNOWc_W45", + "text": "How do you feel about the average American's ability to recognize the following type of news and information? Breaking information that is published before everything is verified", + "valid_options": [ + { + "raw": "The average American should be able to recognize it", + "text": "The average American should be able to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It is too much to ask of the average American to be able to recognize it", + "text": "It is too much to ask of the average American to be able to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOKNOWd_W45", + "questions": [ + { + "key": "INFOKNOWd_W45", + "text": "How do you feel about the average American's ability to recognize the following type of news and information? Factual information presented to favor one side of an issue", + "valid_options": [ + { + "raw": "The average American should be able to recognize it", + "text": "The average American should be able to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It is too much to ask of the average American to be able to recognize it", + "text": "It is too much to ask of the average American to be able to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOKNOWe_W45", + "questions": [ + { + "key": "INFOKNOWe_W45", + "text": "How do you feel about the average American's ability to recognize the following type of news and information? A video or image that is altered or made up to mislead the public", + "valid_options": [ + { + "raw": "The average American should be able to recognize it", + "text": "The average American should be able to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It is too much to ask of the average American to be able to recognize it", + "text": "It is too much to ask of the average American to be able to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOOWNa_W45", + "questions": [ + { + "key": "INFOOWNa_W45", + "text": "How do you feel about your own ability to recognize the following type of news and information? Made-up information that is intended to mislead the public", + "valid_options": [ + { + "raw": "I find it easy to recognize it", + "text": "I find it easy to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It find it hard to recognize it", + "text": "It find it hard to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOOWNb_W45", + "questions": [ + { + "key": "INFOOWNb_W45", + "text": "How do you feel about your own ability to recognize the following type of news and information? Satire about an issue or event", + "valid_options": [ + { + "raw": "I find it easy to recognize it", + "text": "I find it easy to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It find it hard to recognize it", + "text": "It find it hard to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOOWNc_W45", + "questions": [ + { + "key": "INFOOWNc_W45", + "text": "How do you feel about your own ability to recognize the following type of news and information? Breaking information that is published before everything is verified", + "valid_options": [ + { + "raw": "I find it easy to recognize it", + "text": "I find it easy to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It find it hard to recognize it", + "text": "It find it hard to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOOWNd_W45", + "questions": [ + { + "key": "INFOOWNd_W45", + "text": "How do you feel about your own ability to recognize the following type of news and information? Factual information presented to favor one side of an issue", + "valid_options": [ + { + "raw": "I find it easy to recognize it", + "text": "I find it easy to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It find it hard to recognize it", + "text": "It find it hard to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOOWNe_W45", + "questions": [ + { + "key": "INFOOWNe_W45", + "text": "How do you feel about your own ability to recognize the following type of news and information? A video or image that is altered or made up to mislead the public", + "valid_options": [ + { + "raw": "I find it easy to recognize it", + "text": "I find it easy to recognize it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It find it hard to recognize it", + "text": "It find it hard to recognize it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MEDIALOYAL3_W45", + "questions": [ + { + "key": "MEDIALOYAL3_W45", + "text": "Which of the following statements comes closer to your view?", + "valid_options": [ + { + "raw": "I consider myself to be loyal to the news source(s) I get my news from", + "text": "I consider myself to be loyal to the news source(s) I get my news from", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "I am not particularly loyal to the news source(s) I get my news from", + "text": "I am not particularly loyal to the news source(s) I get my news from", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LEAD_W45", + "questions": [ + { + "key": "LEAD_W45", + "text": "When you talk with friends and family about the news, do you tend to", + "valid_options": [ + { + "raw": "Listen to the conversation more than lead", + "text": "Listen to the conversation more than lead", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Lead the conversation more than listen", + "text": "Lead the conversation more than listen", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEEK_W45", + "questions": [ + { + "key": "SEEK_W45", + "text": "Which statement best describes how you get news?", + "valid_options": [ + { + "raw": "I mostly get news because I'm looking for it", + "text": "I mostly get news because I'm looking for it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "I mostly get news because I happen to come across it", + "text": "I mostly get news because I happen to come across it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFORESTRICTa_W45", + "questions": [ + { + "key": "INFORESTRICTa_W45", + "text": "Which comes closer to your view about the following type of news and information? Made-up information that is intended to mislead the public", + "valid_options": [ + { + "raw": "The freedom to publish and access it should be protected", + "text": "The freedom to publish and access it should be protected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Steps should be taken to restrict it", + "text": "Steps should be taken to restrict it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFORESTRICTb_W45", + "questions": [ + { + "key": "INFORESTRICTb_W45", + "text": "Which comes closer to your view about the following type of news and information? Satire about an issue or event", + "valid_options": [ + { + "raw": "The freedom to publish and access it should be protected", + "text": "The freedom to publish and access it should be protected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Steps should be taken to restrict it", + "text": "Steps should be taken to restrict it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFORESTRICTc_W45", + "questions": [ + { + "key": "INFORESTRICTc_W45", + "text": "Which comes closer to your view about the following type of news and information? Breaking information that is published before everything is verified", + "valid_options": [ + { + "raw": "The freedom to publish and access it should be protected", + "text": "The freedom to publish and access it should be protected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Steps should be taken to restrict it", + "text": "Steps should be taken to restrict it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFORESTRICTd_W45", + "questions": [ + { + "key": "INFORESTRICTd_W45", + "text": "Which comes closer to your view about the following type of news and information? Factual information presented to favor one side of an issue", + "valid_options": [ + { + "raw": "The freedom to publish and access it should be protected", + "text": "The freedom to publish and access it should be protected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Steps should be taken to restrict it", + "text": "Steps should be taken to restrict it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFORESTRICTe_W45", + "questions": [ + { + "key": "INFORESTRICTe_W45", + "text": "Which comes closer to your view about the following type of news and information? A video or image that is altered or made up to mislead the public", + "valid_options": [ + { + "raw": "The freedom to publish and access it should be protected", + "text": "The freedom to publish and access it should be protected", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Steps should be taken to restrict it", + "text": "Steps should be taken to restrict it", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOWHYa_W45", + "questions": [ + { + "key": "INFOWHYa_W45", + "text": "How much do you think to make money is a reason why made-up news and information is created?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOWHYb_W45", + "questions": [ + { + "key": "INFOWHYb_W45", + "text": "How much do you think to push an agenda or viewpoint is a reason why made-up news and information is created?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOWHYc_W45", + "questions": [ + { + "key": "INFOWHYc_W45", + "text": "How much do you think for fame is a reason why made-up news and information is created?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOWHYd_W45", + "questions": [ + { + "key": "INFOWHYd_W45", + "text": "How much do you think to be funny is a reason why made-up news and information is created?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCREATEa_W45", + "questions": [ + { + "key": "INFOCREATEa_W45", + "text": "How much made-up news and information do you think is created by journalists", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCREATEb_W45", + "questions": [ + { + "key": "INFOCREATEb_W45", + "text": "How much made-up news and information do you think is created by political leaders and their staff", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCREATEc_W45", + "questions": [ + { + "key": "INFOCREATEc_W45", + "text": "How much made-up news and information do you think is created by members of the public", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCREATEd_W45", + "questions": [ + { + "key": "INFOCREATEd_W45", + "text": "How much made-up news and information do you think is created by foreign-based individuals or groups", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCREATEe_W45", + "questions": [ + { + "key": "INFOCREATEe_W45", + "text": "How much made-up news and information do you think is created by activist groups", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPOFT_W45", + "questions": [ + { + "key": "MADEUPOFT_W45", + "text": "How often do you come across made-up news and information that is intended to mislead the public?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSHARE1_W45", + "questions": [ + { + "key": "MADEUPSHARE1_W45", + "text": "Have you ever shared news and information that you later found out was made-up?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSHARE2_W45", + "questions": [ + { + "key": "MADEUPSHARE2_W45", + "text": "Have you ever shared news and information that you knew at the time was made-up?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSHAREWHY_W45", + "questions": [ + { + "key": "MADEUPSHAREWHY_W45", + "text": "What is the main reason why you shared news and information that you knew at the time was made-up?", + "valid_options": [ + { + "raw": "I thought it was surprising or entertaining", + "text": "I thought it was surprising or entertaining", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "I liked what it said", + "text": "I liked what it said", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "I wanted to create a discussion about it", + "text": "I wanted to create a discussion about it", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "I wanted to tell others it was inaccurate", + "text": "I wanted to tell others it was inaccurate", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICa_W45", + "questions": [ + { + "key": "MADEUPTOPICa_W45", + "text": "How much made-up news and information do you think is created about politics and elections topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICb_W45", + "questions": [ + { + "key": "MADEUPTOPICb_W45", + "text": "How much made-up news and information do you think is created about entertainment and celebrities topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICc_W45", + "questions": [ + { + "key": "MADEUPTOPICc_W45", + "text": "How much made-up news and information do you think is created about science and technology topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICd_W45", + "questions": [ + { + "key": "MADEUPTOPICd_W45", + "text": "How much made-up news and information do you think is created about Health and medicine topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICe_W45", + "questions": [ + { + "key": "MADEUPTOPICe_W45", + "text": "How much made-up news and information do you think is created about emergencies, such as shootings or natural disasters topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPTOPICf_W45", + "questions": [ + { + "key": "MADEUPTOPICf_W45", + "text": "How much made-up news and information do you think is created about business and finance topics?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPLEVELa_W45", + "questions": [ + { + "key": "MADEUPLEVELa_W45", + "text": "How much made-up news and information do you think is created about National issues, events and public figures?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPLEVELb_W45", + "questions": [ + { + "key": "MADEUPLEVELb_W45", + "text": "How much made-up news and information do you think is created about local issues, events and public figures?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPRESa_W45", + "questions": [ + { + "key": "MADEUPRESa_W45", + "text": "Has the issue of made-up news and information led you to stop getting news from a specific outlet?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPRESb_W45", + "questions": [ + { + "key": "MADEUPRESb_W45", + "text": "Has the issue of made-up news and information led you to reduce the amount of news you get overall?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPRESc_W45", + "questions": [ + { + "key": "MADEUPRESc_W45", + "text": "Has the issue of made-up news and information led you to check the facts of news stories yourself?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPRESd_W45", + "questions": [ + { + "key": "MADEUPRESd_W45", + "text": "Has the issue of made-up news and information led you to report or flag a story that you think is made-up?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPRESe_W45", + "questions": [ + { + "key": "MADEUPRESe_W45", + "text": "Has the issue of made-up news and information led you to change the way you use social media?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPIMPa_W45", + "questions": [ + { + "key": "MADEUPIMPa_W45", + "text": "Overall, how much of an impact do you think made-up news and information has on americans' confidence in government institutions?", + "valid_options": [ + { + "raw": "Big impact", + "text": "Big impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderate impact", + "text": "Moderate impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small impact", + "text": "Small impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No impact at all", + "text": "No impact at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPIMPb_W45", + "questions": [ + { + "key": "MADEUPIMPb_W45", + "text": "Overall, how much of an impact do you think made-up news and information has on americans' confidence in each other?", + "valid_options": [ + { + "raw": "Big impact", + "text": "Big impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderate impact", + "text": "Moderate impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small impact", + "text": "Small impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No impact at all", + "text": "No impact at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPIMPc_W45", + "questions": [ + { + "key": "MADEUPIMPc_W45", + "text": "Overall, how much of an impact do you think made-up news and information has on political leaders' ability to get work done?", + "valid_options": [ + { + "raw": "Big impact", + "text": "Big impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderate impact", + "text": "Moderate impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small impact", + "text": "Small impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No impact at all", + "text": "No impact at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPIMPd_W45", + "questions": [ + { + "key": "MADEUPIMPd_W45", + "text": "Overall, how much of an impact do you think made-up news and information has on journalists' ability to get the information they need for their stories?", + "valid_options": [ + { + "raw": "Big impact", + "text": "Big impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderate impact", + "text": "Moderate impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small impact", + "text": "Small impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No impact at all", + "text": "No impact at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPIMPe_W45", + "questions": [ + { + "key": "MADEUPIMPe_W45", + "text": "Overall, how much of an impact do you think made-up news and information has on the public's ability to solve community problems?", + "valid_options": [ + { + "raw": "Big impact", + "text": "Big impact", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Moderate impact", + "text": "Moderate impact", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Small impact", + "text": "Small impact", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No impact at all", + "text": "No impact at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPDIS_W45", + "questions": [ + { + "key": "MADEUPDIS_W45", + "text": "How often do you discuss the topic of made-up news and information with others?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DISAVOID_W45", + "questions": [ + { + "key": "DISAVOID_W45", + "text": "Have you ever avoided talking with someone because you thought they might bring made-up news and information into the conversation?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMSHARER_W45", + "questions": [ + { + "key": "SMSHARER_W45", + "text": "On social media, do you think of yourself more as a", + "valid_options": [ + { + "raw": "Sharer of news", + "text": "Sharer of news", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Receiver of news", + "text": "Receiver of news", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESa_W45", + "questions": [ + { + "key": "SMLIKESa_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? The story was something I had been following in the news", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESb_W45", + "questions": [ + { + "key": "SMLIKESb_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? A friend recommended the story", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESc_W45", + "questions": [ + { + "key": "SMLIKESc_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? The story was published by a news organization I prefer", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESd_W45", + "questions": [ + { + "key": "SMLIKESd_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? The story had a lot of shares, comments or likes", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESe_W45", + "questions": [ + { + "key": "SMLIKESe_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? I was interested in the topic", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMLIKESf_W45", + "questions": [ + { + "key": "SMLIKESf_W45", + "text": "How much is each of the following a reason why you click on links to news stories on social media? The story was surprising or entertaining", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMSHARE_W45", + "questions": [ + { + "key": "SMSHARE_W45", + "text": "When you share a news story on social media, how much do you think it impacts the story's overall reach to the public?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "I don't share news stories on social media", + "text": "I don't share news stories on social media", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSMCLICK_W45", + "questions": [ + { + "key": "MADEUPSMCLICK_W45", + "text": "When you see a news story on social media that you think is made-up, how often do you click on the link to that story?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "I don't see these types of stories on social media", + "text": "I don't see these types of stories on social media", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSMFOL1_W45", + "questions": [ + { + "key": "MADEUPSMFOL1_W45", + "text": "Have you ever hidden, blocked or stopped following A news source or organization on social media because you thought they were posting made-up news and information?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSMFOL2_W45", + "questions": [ + { + "key": "MADEUPSMFOL2_W45", + "text": "Have you ever hidden, blocked, or stopped following someone you know on social media because you thought they were posting made-up news and information?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ONLINESOURCE_W45", + "questions": [ + { + "key": "ONLINESOURCE_W45", + "text": "In general, does most of the news you see online come from", + "valid_options": [ + { + "raw": "Sources you are familiar with", + "text": "Sources you are familiar with", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sources you are not familiar with", + "text": "Sources you are not familiar with", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DIGWDOG_3_W45", + "questions": [ + { + "key": "DIGWDOG_3_W45", + "text": "Thinking about the news that your friends, family and acquaintances post or send you online about political and social issues, overall, do you think the mix of news you get from them", + "valid_options": [ + { + "raw": "Represents just one side", + "text": "Represents just one side", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Represents more than one side", + "text": "Represents more than one side", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "They don't send me news about political and social issues", + "text": "They don't send me news about political and social issues", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPROBa_W45", + "questions": [ + { + "key": "NEWSPROBa_W45", + "text": "How much of a problem is the amount of made-up news and information when it comes to how the public stays informed about the basic facts of current issues and events?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPROBb_W45", + "questions": [ + { + "key": "NEWSPROBb_W45", + "text": "How much of a problem is the public's difficulty distinguishing facts from opinions when it comes to how the public stays informed about the basic facts of current issues and events?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPROBc_W45", + "questions": [ + { + "key": "NEWSPROBc_W45", + "text": "How much of a problem is too many different sources to choose from when it comes to how the public stays informed about the basic facts of current issues and events?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPROBd_W45", + "questions": [ + { + "key": "NEWSPROBd_W45", + "text": "How much of a problem is too much news to keep up with when it comes to how the public stays informed about the basic facts of current issues and events?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NEWSPROBe_W45", + "questions": [ + { + "key": "NEWSPROBe_W45", + "text": "How much of a problem is journalists inserting their own views when it comes to how the public stays informed about the basic facts of current issues and events?", + "valid_options": [ + { + "raw": "A very big problem", + "text": "A very big problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big problem", + "text": "A moderately big problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small problem", + "text": "A small problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VIDOFT_W45", + "questions": [ + { + "key": "VIDOFT_W45", + "text": "How often do you come across videos or images that have been altered or made-up to mislead the public?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly ever", + "text": "Hardly ever", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MADEUPSOLVE_W45", + "questions": [ + { + "key": "MADEUPSOLVE_W45", + "text": "Within the next five years, do you think the issue of made-up news and information will", + "valid_options": [ + { + "raw": "Get better", + "text": "Get better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Stay the same", + "text": "Stay the same", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Get worse", + "text": "Get worse", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCHALa_W45", + "questions": [ + { + "key": "INFOCHALa_W45", + "text": "How much of a challenge do you think political divides are in addressing made-up news and information?", + "valid_options": [ + { + "raw": "A very big challenge", + "text": "A very big challenge", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big challenge", + "text": "A moderately big challenge", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small challenge", + "text": "A small challenge", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a challenge at all", + "text": "Not a challenge at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCHALb_W45", + "questions": [ + { + "key": "INFOCHALb_W45", + "text": "How much of a challenge do you think the public's lack of effort is in addressing made-up news and information?", + "valid_options": [ + { + "raw": "A very big challenge", + "text": "A very big challenge", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big challenge", + "text": "A moderately big challenge", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small challenge", + "text": "A small challenge", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a challenge at all", + "text": "Not a challenge at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCHALc_W45", + "questions": [ + { + "key": "INFOCHALc_W45", + "text": "How much of a challenge do you think low awareness of current events are in addressing made-up news and information?", + "valid_options": [ + { + "raw": "A very big challenge", + "text": "A very big challenge", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big challenge", + "text": "A moderately big challenge", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small challenge", + "text": "A small challenge", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a challenge at all", + "text": "Not a challenge at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCHALd_W45", + "questions": [ + { + "key": "INFOCHALd_W45", + "text": "How much of a challenge do you think Digital technology is in addressing made-up news and information?", + "valid_options": [ + { + "raw": "A very big challenge", + "text": "A very big challenge", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big challenge", + "text": "A moderately big challenge", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small challenge", + "text": "A small challenge", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a challenge at all", + "text": "Not a challenge at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INFOCHALe_W45", + "questions": [ + { + "key": "INFOCHALe_W45", + "text": "How much of a challenge do you think the ability to make money from it is in addressing made-up news and information?", + "valid_options": [ + { + "raw": "A very big challenge", + "text": "A very big challenge", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A moderately big challenge", + "text": "A moderately big challenge", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A small challenge", + "text": "A small challenge", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a challenge at all", + "text": "Not a challenge at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RESTRICTWHO_W45", + "questions": [ + { + "key": "RESTRICTWHO_W45", + "text": "Who do you think has the most responsibility to reduce the amount of made-up news and information?", + "valid_options": [ + { + "raw": "The government", + "text": "The government", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Technology companies", + "text": "Technology companies", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "The public", + "text": "The public", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "The news media", + "text": "The news media", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "None of these", + "text": "None of these", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ACCCHECK_W45", + "questions": [ + { + "key": "ACCCHECK_W45", + "text": "If you wanted to check the accuracy of a news story, how confident are you that you would know what steps to take?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FCFAIR_W45", + "questions": [ + { + "key": "FCFAIR_W45", + "text": "Different organizations and news outlets have taken on fact-checking efforts. Do you think that those who do the fact-checking", + "valid_options": [ + { + "raw": "Deal fairly with all sides", + "text": "Deal fairly with all sides", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Tend to favor one side", + "text": "Tend to favor one side", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WATCHDOG_1_W45", + "questions": [ + { + "key": "WATCHDOG_1_W45", + "text": "Some people think that by criticizing leaders, news organizations keep political leaders from doing their job. Others think that such criticism is worth it because it keeps political leaders from doing things that should not be done. Which position is closer to your opinion?", + "valid_options": [ + { + "raw": "Keep political leaders from doing their job", + "text": "Keep political leaders from doing their job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Keep political leaders from doing things that shouldn't be done", + "text": "Keep political leaders from doing things that shouldn't be done", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WATCHDOG_3_W45", + "questions": [ + { + "key": "WATCHDOG_3_W45", + "text": "In presenting the news dealing with political and social issues, do you think that news organizations", + "valid_options": [ + { + "raw": "Deal fairly with all sides", + "text": "Deal fairly with all sides", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Tend to favor one side", + "text": "Tend to favor one side", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SNSUSE_W45", + "questions": [ + { + "key": "SNSUSE_W45", + "text": "Do you ever use social media (such as Facebook, Twitter or Snapchat)?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W49/variables.json b/variables/ATP/American_Trends_Panel_W49/variables.json new file mode 100644 index 0000000..e02e977 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W49/variables.json @@ -0,0 +1,3660 @@ +[ + { + "name": "SOCMEDIAUSEa_W49", + "questions": [ + { + "key": "SOCMEDIAUSEa_W49", + "text": "Do you use facebook?", + "valid_options": [ + { + "raw": "Yes, use this", + "text": "Yes, use this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not use this", + "text": "No, do not use this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCMEDIAUSEb_W49", + "questions": [ + { + "key": "SOCMEDIAUSEb_W49", + "text": "Do you use instagram?", + "valid_options": [ + { + "raw": "Yes, use this", + "text": "Yes, use this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not use this", + "text": "No, do not use this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCMEDIAUSEc_W49", + "questions": [ + { + "key": "SOCMEDIAUSEc_W49", + "text": "Do you use twitter?", + "valid_options": [ + { + "raw": "Yes, use this", + "text": "Yes, use this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not use this", + "text": "No, do not use this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCMEDIAUSEd_W49", + "questions": [ + { + "key": "SOCMEDIAUSEd_W49", + "text": "Do you use any other social media sites?", + "valid_options": [ + { + "raw": "Yes, use this", + "text": "Yes, use this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not use this", + "text": "No, do not use this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELECTFTGSNSINT_W49", + "questions": [ + { + "key": "ELECTFTGSNSINT_W49", + "text": "Thinking about the posts and discussions you see on social media about politics and the 2020 election, which comes closer to your view?", + "valid_options": [ + { + "raw": "I like seeing lots of political posts and discussions on social media", + "text": "I like seeing lots of political posts and discussions on social media", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "I am worn out by how many political posts and discussions I see on social media", + "text": "I am worn out by how many political posts and discussions I see on social media", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "I don't feel strongly about these posts one way or the other", + "text": "I don't feel strongly about these posts one way or the other", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TALKDISASNSINT_W49", + "questions": [ + { + "key": "TALKDISASNSINT_W49", + "text": "In your experience, when you talk about politics with people on social media who you disagree with, do you generally find it to be", + "valid_options": [ + { + "raw": "Interesting and informative", + "text": "Interesting and informative", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Stressful and frustrating", + "text": "Stressful and frustrating", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TALKCMNSNSINT_W49", + "questions": [ + { + "key": "TALKCMNSNSINT_W49", + "text": "In your experience, when you talk about politics with people on social media who you disagree with, do you generally find that", + "valid_options": [ + { + "raw": "You have more in common politically than you thought", + "text": "You have more in common politically than you thought", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "You have less in common politically than you thought", + "text": "You have less in common politically than you thought", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SECUR1_W49", + "questions": [ + { + "key": "SECUR1_W49", + "text": "On a different topic, compared with five years ago, do you feel your personal information is", + "valid_options": [ + { + "raw": "More secure", + "text": "More secure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less secure", + "text": "Less secure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PRIVACYNEWS1_W49", + "questions": [ + { + "key": "PRIVACYNEWS1_W49", + "text": "How closely, if at all, do you follow news about privacy issues?", + "valid_options": [ + { + "raw": "Very closely", + "text": "Very closely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat closely", + "text": "Somewhat closely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too closely", + "text": "Not too closely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all closely", + "text": "Not at all closely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST1_W49", + "questions": [ + { + "key": "HOMEASSIST1_W49", + "text": "Do you have a voice-controlled smart speaker in your home, such as an Amazon Echo or a Google Home?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST2_W49", + "questions": [ + { + "key": "HOMEASSIST2_W49", + "text": "How concerned are you, if at all, about how much data your smart speaker collects about you?", + "valid_options": [ + { + "raw": "Very concerned", + "text": "Very concerned", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat concerned", + "text": "Somewhat concerned", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too concerned", + "text": "Not too concerned", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not concerned at all", + "text": "Not concerned at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST3_W49", + "questions": [ + { + "key": "HOMEASSIST3_W49", + "text": "Do you ever say \"please\" when speaking to your smart speaker?", + "valid_options": [ + { + "raw": "Yes, frequently", + "text": "Yes, frequently", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, on occasion", + "text": "Yes, on occasion", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST4_W49", + "questions": [ + { + "key": "HOMEASSIST4_W49", + "text": "How important is it that your smart speaker takes your personal interests and preferences into account when responding to your questions or commands?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not important at all", + "text": "Not important at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST5a_W49", + "questions": [ + { + "key": "HOMEASSIST5a_W49", + "text": "Would you like your smart speaker to do a better job of taking your interests and preferences into account in the future?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEASSIST5b_W49", + "questions": [ + { + "key": "HOMEASSIST5b_W49", + "text": "Would you like your smart speaker to do a better job of taking your interests and preferences into account in the future, even if that meant it would need to collect more personal information about you?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HOMEIOT_W49", + "questions": [ + { + "key": "HOMEIOT_W49", + "text": "Do you have other connected items in your home that you can control from your phone, such as smart lighting or a connected thermostat or alarm system?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FITTRACK_W49", + "questions": [ + { + "key": "FITTRACK_W49", + "text": "Do you regularly wear a smart watch or a wearable fitness tracker?", + "valid_options": [ + { + "raw": "Yes, wear this", + "text": "Yes, wear this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not wear this", + "text": "No, do not wear this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LOYALTY_W49", + "questions": [ + { + "key": "LOYALTY_W49", + "text": "Do you belong to any loyalty programs of a grocery store or a supermarket that you frequent?", + "valid_options": [ + { + "raw": "Yes, belong to this", + "text": "Yes, belong to this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not belong to this", + "text": "No, do not belong to this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNATEST_W49", + "questions": [ + { + "key": "DNATEST_W49", + "text": "Have you ever used a mail-in DNA testing service from a company such as AncestryDNA or 23andMe?", + "valid_options": [ + { + "raw": "Yes, have used this", + "text": "Yes, have used this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not used this", + "text": "No, have not used this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRACKCO1a_W49", + "questions": [ + { + "key": "TRACKCO1a_W49", + "text": "As far as you know, how much of what you do online or on your cellphone is being tracked by advertisers, technology firms or other companies?", + "valid_options": [ + { + "raw": "All or almost all of it", + "text": "All or almost all of it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of it", + "text": "Most of it", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Some of it", + "text": "Some of it", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very little of it", + "text": "Very little of it", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of it", + "text": "None of it", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRACKCO1b_W49", + "questions": [ + { + "key": "TRACKCO1b_W49", + "text": "As far as you know, how much of what you do offline like where you are or who you are talking to is being tracked by advertisers, technology firms or other companies?", + "valid_options": [ + { + "raw": "All or almost all of it", + "text": "All or almost all of it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of it", + "text": "Most of it", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Some of it", + "text": "Some of it", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very little of it", + "text": "Very little of it", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of it", + "text": "None of it", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNCO_W49", + "questions": [ + { + "key": "CONCERNCO_W49", + "text": "How concerned are you, if at all, about how companies are using the data they collect about you?", + "valid_options": [ + { + "raw": "Very concerned", + "text": "Very concerned", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat concerned", + "text": "Somewhat concerned", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too concerned", + "text": "Not too concerned", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all concerned", + "text": "Not at all concerned", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BENEFITCO_W49", + "questions": [ + { + "key": "BENEFITCO_W49", + "text": "How much do you feel you personally benefit from the data that companies collect about you?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLCO_W49", + "questions": [ + { + "key": "CONTROLCO_W49", + "text": "How much control do you think you have over the data that companies collect about you?", + "valid_options": [ + { + "raw": "A great deal of control", + "text": "A great deal of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some control", + "text": "Some control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little control", + "text": "Very little control", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "UNDERSTANDCO_W49", + "questions": [ + { + "key": "UNDERSTANDCO_W49", + "text": "How much do you feel you understand what companies are doing with the data they collect about you?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing", + "text": "Nothing", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POSNEGCO_W49", + "questions": [ + { + "key": "POSNEGCO_W49", + "text": "On balance, which would you say most accurately describes how you feel?", + "valid_options": [ + { + "raw": "The benefits I get from companies collecting data about me outweigh the potential risks", + "text": "The benefits I get from companies collecting data about me outweigh the potential risks", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The potential risks of companies collecting data about me outweigh the benefits I get", + "text": "The potential risks of companies collecting data about me outweigh the benefits I get", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ANONYMOUS1CO_W49", + "questions": [ + { + "key": "ANONYMOUS1CO_W49", + "text": "Do you think it is possible to go about daily life today without having companies collect data about you?", + "valid_options": [ + { + "raw": "Yes, it is possible", + "text": "Yes, it is possible", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, it is not possible", + "text": "No, it is not possible", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRACKGOV1a_W49", + "questions": [ + { + "key": "TRACKGOV1a_W49", + "text": "As far as you know, how much of what you do online or on your cellphone is being tracked by the government?", + "valid_options": [ + { + "raw": "All or almost all of it", + "text": "All or almost all of it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of it", + "text": "Most of it", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Some of it", + "text": "Some of it", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very little of it", + "text": "Very little of it", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of it", + "text": "None of it", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "TRACKGOV1b_W49", + "questions": [ + { + "key": "TRACKGOV1b_W49", + "text": "As far as you know, how much of what you do offline like where you are or who you are talking to is being tracked by the government?", + "valid_options": [ + { + "raw": "All or almost all of it", + "text": "All or almost all of it", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most of it", + "text": "Most of it", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Some of it", + "text": "Some of it", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very little of it", + "text": "Very little of it", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "None of it", + "text": "None of it", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGOV_W49", + "questions": [ + { + "key": "CONCERNGOV_W49", + "text": "How concerned are you, if at all, about how the government is using the data it collects about you?", + "valid_options": [ + { + "raw": "Very concerned", + "text": "Very concerned", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat concerned", + "text": "Somewhat concerned", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too concerned", + "text": "Not too concerned", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all concerned", + "text": "Not at all concerned", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BENEFITGOV_W49", + "questions": [ + { + "key": "BENEFITGOV_W49", + "text": "How much do you feel you personally benefit from the data the government collects about you?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGOV_W49", + "questions": [ + { + "key": "CONTROLGOV_W49", + "text": "How much control do you think you have over the data the government collects about you?", + "valid_options": [ + { + "raw": "A great deal of control", + "text": "A great deal of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some control", + "text": "Some control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little control", + "text": "Very little control", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "UNDERSTANDGOV_W49", + "questions": [ + { + "key": "UNDERSTANDGOV_W49", + "text": "How much do you feel you understand what the government is doing with the data it collects about you?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing", + "text": "Nothing", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POSNEGGOV_W49", + "questions": [ + { + "key": "POSNEGGOV_W49", + "text": "On balance, which would you say most accurately describes how you feel?", + "valid_options": [ + { + "raw": "The benefits the government can provide by collecting data about me and others outweigh the potential risks", + "text": "The benefits the government can provide by collecting data about me and others outweigh the potential risks", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The potential risks of the government collecting data about me and others outweigh the benefits it can provide", + "text": "The potential risks of the government collecting data about me and others outweigh the benefits it can provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ANONYMOUS1GOV_W49", + "questions": [ + { + "key": "ANONYMOUS1GOV_W49", + "text": "Do you think it is possible to go about daily life today without having the government collect data about you?", + "valid_options": [ + { + "raw": "Yes, it is possible", + "text": "Yes, it is possible", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, it is not possible", + "text": "No, it is not possible", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPa_W49", + "questions": [ + { + "key": "CONCERNGRPa_W49", + "text": "How concerned are you, if at all, about how much personal information law enforcement agencies might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPb_W49", + "questions": [ + { + "key": "CONCERNGRPb_W49", + "text": "How concerned are you, if at all, about how much personal information advertisers might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPc_W49", + "questions": [ + { + "key": "CONCERNGRPc_W49", + "text": "How concerned are you, if at all, about how much personal information your employer might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPd_W49", + "questions": [ + { + "key": "CONCERNGRPd_W49", + "text": "How concerned are you, if at all, about how much personal information the companies you buy things from might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPe_W49", + "questions": [ + { + "key": "CONCERNGRPe_W49", + "text": "How concerned are you, if at all, about how much personal information your friends and family might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONCERNGRPf_W49", + "questions": [ + { + "key": "CONCERNGRPf_W49", + "text": "How concerned are you, if at all, about how much personal information the social media sites you use might know about you?", + "valid_options": [ + { + "raw": "Concerned a lot", + "text": "Concerned a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Concerned a little", + "text": "Concerned a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not concerned", + "text": "Not concerned", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPa_W49", + "questions": [ + { + "key": "CONTROLGRPa_W49", + "text": "How much control, if any, do you think you have over who can access your posts and activities on social media?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPb_W49", + "questions": [ + { + "key": "CONTROLGRPb_W49", + "text": "How much control, if any, do you think you have over who can access the search terms you use online?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Offline: does not have internet", + "text": "Offline: does not have internet", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPc_W49", + "questions": [ + { + "key": "CONTROLGRPc_W49", + "text": "How much control, if any, do you think you have over who can access the purchases you've made, either online or in person?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPd_W49", + "questions": [ + { + "key": "CONTROLGRPd_W49", + "text": "How much control, if any, do you think you have over who can access your physical location?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPe_W49", + "questions": [ + { + "key": "CONTROLGRPe_W49", + "text": "How much control, if any, do you think you have over who can access the websites you visit?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Offline: does not have internet", + "text": "Offline: does not have internet", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CONTROLGRPf_W49", + "questions": [ + { + "key": "CONTROLGRPf_W49", + "text": "How much control, if any, do you think you have over who can access the private conversations you've had online or using text messaging?", + "valid_options": [ + { + "raw": "A lot of control", + "text": "A lot of control", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little control", + "text": "A little control", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No control", + "text": "No control", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP1_W49", + "questions": [ + { + "key": "PP1_W49", + "text": "How often are you asked to agree to the terms and conditions of a company's privacy policy?", + "valid_options": [ + { + "raw": "Almost daily", + "text": "Almost daily", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "About once a week", + "text": "About once a week", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About once a month", + "text": "About once a month", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Less frequently", + "text": "Less frequently", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP2_W49", + "questions": [ + { + "key": "PP2_W49", + "text": "When you are asked to agree to a company's privacy policy, how often do you read it before agreeing to it?", + "valid_options": [ + { + "raw": "Always", + "text": "Always", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP3_W49", + "questions": [ + { + "key": "PP3_W49", + "text": "When you read a privacy policy, what do you typically do?", + "valid_options": [ + { + "raw": "Read it all the way through", + "text": "Read it all the way through", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Read it part of the way through", + "text": "Read it part of the way through", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Glance over it without reading it closely", + "text": "Glance over it without reading it closely", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP4_W49", + "questions": [ + { + "key": "PP4_W49", + "text": "How much do you typically understand the privacy policies you read?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP5a_W49", + "questions": [ + { + "key": "PP5a_W49", + "text": "How confident are you, if at all, that companies will follow what their privacy policies say they will do with your personal information?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not confident at all", + "text": "Not confident at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP5b_W49", + "questions": [ + { + "key": "PP5b_W49", + "text": "How confident are you, if at all, that companies will promptly notify you if your personal data has been misused or compromised?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not confident at all", + "text": "Not confident at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP5c_W49", + "questions": [ + { + "key": "PP5c_W49", + "text": "How confident are you, if at all, that companies will publicly admit mistakes and take responsibility when they misuse or compromise their users' personal data?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not confident at all", + "text": "Not confident at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP5d_W49", + "questions": [ + { + "key": "PP5d_W49", + "text": "How confident are you, if at all, that companies will use your personal information in ways you will feel comfortable with?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not confident at all", + "text": "Not confident at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP5e_W49", + "questions": [ + { + "key": "PP5e_W49", + "text": "How confident are you, if at all, that companies will be held accountable by the government if they misuse or compromise your data?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not confident at all", + "text": "Not confident at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP6a_W49", + "questions": [ + { + "key": "PP6a_W49", + "text": "How comfortable are you, if at all, with companies using your personal data to help improve their fraud prevention systems?", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too comfortable", + "text": "Not too comfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not comfortable at all", + "text": "Not comfortable at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP6b_W49", + "questions": [ + { + "key": "PP6b_W49", + "text": "How comfortable are you, if at all, with companies using your personal data sharing it with outside groups doing research that might help improve society?", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too comfortable", + "text": "Not too comfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not comfortable at all", + "text": "Not comfortable at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PP6c_W49", + "questions": [ + { + "key": "PP6c_W49", + "text": "How comfortable are you, if at all, with companies using your personal data to help them develop new products?", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too comfortable", + "text": "Not too comfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not comfortable at all", + "text": "Not comfortable at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PRIVACYREG_W49", + "questions": [ + { + "key": "PRIVACYREG_W49", + "text": "How much do you feel you understand the laws and regulations that are currently in place to protect your data privacy?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Very little", + "text": "Very little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVREGV1_W49", + "questions": [ + { + "key": "GOVREGV1_W49", + "text": "How much government regulation of what companies can do with their customers' personal information do you think there should be?", + "valid_options": [ + { + "raw": "More regulation", + "text": "More regulation", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Less regulation", + "text": "Less regulation", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same amount", + "text": "About the same amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVREGV2_W49", + "questions": [ + { + "key": "GOVREGV2_W49", + "text": "Which of the following do you think would be a more effective way to safeguard people's personal information?", + "valid_options": [ + { + "raw": "Better tools for allowing people to control their personal information themselves", + "text": "Better tools for allowing people to control their personal information themselves", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Stronger laws governing what companies can and cannot do with people's personal information", + "text": "Stronger laws governing what companies can and cannot do with people's personal information", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SHARE1_W49", + "questions": [ + { + "key": "SHARE1_W49", + "text": "Have you recently decided not to use a product or service because you were worried about how much personal information would be collected about you?", + "valid_options": [ + { + "raw": "Yes, have done this", + "text": "Yes, have done this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not done this", + "text": "No, have not done this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PWMAN_W49", + "questions": [ + { + "key": "PWMAN_W49", + "text": "Do you use a password manager, such as LastPass or iCloud Keychain, to help keep track of your online passwords?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PWMAN2_W49", + "questions": [ + { + "key": "PWMAN2_W49", + "text": "What is the main reason you do not use a password manager?", + "valid_options": [ + { + "raw": "Don't know what that is", + "text": "Don't know what that is", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "My passwords are secure enough", + "text": "My passwords are secure enough", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Don't need it", + "text": "Don't need it", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Too expensive", + "text": "Too expensive", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Too complicated", + "text": "Too complicated", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "Don't trust them", + "text": "Don't trust them", + "natural_language": null, + "ordinal": 6.0 + }, + { + "raw": "Don't think they are effective", + "text": "Don't think they are effective", + "natural_language": null, + "ordinal": 7.0 + }, + { + "raw": "Other reason", + "text": "Other reason", + "natural_language": null, + "ordinal": 8.0 + }, + { + "raw": "Offline: does not have internet", + "text": "Offline: does not have internet", + "natural_language": null, + "ordinal": 4.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMARTPHONE_W49", + "questions": [ + { + "key": "SMARTPHONE_W49", + "text": "Do you have a smartphone?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SMARTAPP_W49", + "questions": [ + { + "key": "SMARTAPP_W49", + "text": "How do you typically update the apps on your smartphone?", + "valid_options": [ + { + "raw": "Set them to update automatically", + "text": "Set them to update automatically", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Update them yourself as soon as you are notified a new version is available", + "text": "Update them yourself as soon as you are notified a new version is available", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Update them yourself whenever it's convenient", + "text": "Update them yourself whenever it's convenient", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never install app updates", + "text": "Never install app updates", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PUBLICDATA_W49", + "questions": [ + { + "key": "PUBLICDATA_W49", + "text": "Today a wide range of information about people is searchable online. Do you think it is more important for people to have the ability to", + "valid_options": [ + { + "raw": "Discover potentially useful information about others", + "text": "Discover potentially useful information about others", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Keep things about themselves that might be potentially damaging from being searchable online", + "text": "Keep things about themselves that might be potentially damaging from being searchable online", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTBFa_W49", + "questions": [ + { + "key": "RTBFa_W49", + "text": "Do you think that all Americans should have the right to have data collected by law enforcement, such as criminal records or mugshots removed from public online search results?", + "valid_options": [ + { + "raw": "Yes, should be able to remove this from online searches", + "text": "Yes, should be able to remove this from online searches", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not be able to remove this from online searches", + "text": "No, should not be able to remove this from online searches", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTBFb_W49", + "questions": [ + { + "key": "RTBFb_W49", + "text": "Do you think that all Americans should have the right to have information about their employment history or work record removed from public online search results?", + "valid_options": [ + { + "raw": "Yes, should be able to remove this from online searches", + "text": "Yes, should be able to remove this from online searches", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not be able to remove this from online searches", + "text": "No, should not be able to remove this from online searches", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTBFc_W49", + "questions": [ + { + "key": "RTBFc_W49", + "text": "Do you think that all Americans should have the right to have negative media coverage removed from public online search results?", + "valid_options": [ + { + "raw": "Yes, should be able to remove this from online searches", + "text": "Yes, should be able to remove this from online searches", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not be able to remove this from online searches", + "text": "No, should not be able to remove this from online searches", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTBFd_W49", + "questions": [ + { + "key": "RTBFd_W49", + "text": "Do you think that all Americans should have the right to have potentially embarrassing photos or videos removed from public online search results?", + "valid_options": [ + { + "raw": "Yes, should be able to remove this from online searches", + "text": "Yes, should be able to remove this from online searches", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not be able to remove this from online searches", + "text": "No, should not be able to remove this from online searches", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTDa_W49", + "questions": [ + { + "key": "RTDa_W49", + "text": "Do you think that all Americans should have the right to have the following data about themselves be permanently deleted by the people or organizations who have that information? Data collected by law enforcement, such as criminal records or mugshots", + "valid_options": [ + { + "raw": "Yes, should have the right to have this deleted", + "text": "Yes, should have the right to have this deleted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not have the right to have this deleted", + "text": "No, should not have the right to have this deleted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTDb_W49", + "questions": [ + { + "key": "RTDb_W49", + "text": "Do you think that all Americans should have the right to have the following data about themselves be permanently deleted by the people or organizations who have that information? Potentially embarrassing photos or videos", + "valid_options": [ + { + "raw": "Yes, should have the right to have this deleted", + "text": "Yes, should have the right to have this deleted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not have the right to have this deleted", + "text": "No, should not have the right to have this deleted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTDc_W49", + "questions": [ + { + "key": "RTDc_W49", + "text": "Do you think that all Americans should have the right to have the following data about themselves be permanently deleted by the people or organizations who have that information? Medical data collected by a health provider", + "valid_options": [ + { + "raw": "Yes, should have the right to have this deleted", + "text": "Yes, should have the right to have this deleted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not have the right to have this deleted", + "text": "No, should not have the right to have this deleted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RTDd_W49", + "questions": [ + { + "key": "RTDd_W49", + "text": "Do you think that all Americans should have the right to have the following data about themselves be permanently deleted by the people or organizations who have that information? Financial data collected by their tax preparer", + "valid_options": [ + { + "raw": "Yes, should have the right to have this deleted", + "text": "Yes, should have the right to have this deleted", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, should not have the right to have this deleted", + "text": "No, should not have the right to have this deleted", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROFILE3_W49", + "questions": [ + { + "key": "PROFILE3_W49", + "text": "Do you ever see advertisements or solicitations that appear to be based on a profile that has been made of you using your personal data?", + "valid_options": [ + { + "raw": "Yes, frequently", + "text": "Yes, frequently", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, on occasion", + "text": "Yes, on occasion", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "PROFILE5_W49", + "questions": [ + { + "key": "PROFILE5_W49", + "text": "In general, how well do these advertisements accurately reflect your actual interests and characteristics?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not well at all", + "text": "Not well at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEa_W49", + "questions": [ + { + "key": "DATAUSEa_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? The government collecting data about all Americans to assess who might be a potential terrorist threat", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEb_W49", + "questions": [ + { + "key": "DATAUSEb_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? Poorly performing schools sharing data about their students with a nonprofit group seeking to help improve educational outcomes", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEc_W49", + "questions": [ + { + "key": "DATAUSEc_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? DNA testing companies sharing their customers' genetic data with law enforcement agencies in order to help solve crimes", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEd_W49", + "questions": [ + { + "key": "DATAUSEd_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? Makers of a fitness tracking app sharing their users' data with medical researchers seeking to better understand the link between exercise and heart disease", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEe_W49", + "questions": [ + { + "key": "DATAUSEe_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? A social media company monitoring its users' posts for signs of depression, so they can identify people who are at risk of self-harm and connect them to counsel", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DATAUSEf_W49", + "questions": [ + { + "key": "DATAUSEf_W49", + "text": "Do you think the following uses of data/information are acceptable or unacceptable? Makers of smart speakers sharing audio recordings of their customers with law enforcement to help with criminal investigations", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "FACE1_W49", + "questions": [ + { + "key": "FACE1_W49", + "text": "How much have you heard or read about the development of automated facial recognition technology that can identify someone based on a picture or video that includes their face?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE2a_W49", + "questions": [ + { + "key": "FACE2a_W49", + "text": "Based on what you know, how effective do you think facial recognition technology is at accurately identifying individual people?", + "valid_options": [ + { + "raw": "Very effective", + "text": "Very effective", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat effective", + "text": "Somewhat effective", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too effective", + "text": "Not too effective", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not effective at all", + "text": "Not effective at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE2b_W49", + "questions": [ + { + "key": "FACE2b_W49", + "text": "Based on what you know, how effective do you think facial recognition technology is at accurately assessing someone's gender?", + "valid_options": [ + { + "raw": "Very effective", + "text": "Very effective", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat effective", + "text": "Somewhat effective", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too effective", + "text": "Not too effective", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not effective at all", + "text": "Not effective at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE2c_W49", + "questions": [ + { + "key": "FACE2c_W49", + "text": "Based on what you know, how effective do you think facial recognition technology is at accurately assessing someone's race?", + "valid_options": [ + { + "raw": "Very effective", + "text": "Very effective", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat effective", + "text": "Somewhat effective", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too effective", + "text": "Not too effective", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not effective at all", + "text": "Not effective at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE3a_W49", + "questions": [ + { + "key": "FACE3a_W49", + "text": "How much, if at all, do you trust the following groups to use facial recognition technology responsibly? Advertisers", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat", + "text": "Somewhat", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE3b_W49", + "questions": [ + { + "key": "FACE3b_W49", + "text": "How much, if at all, do you trust the following groups to use facial recognition technology responsibly? Technology companies", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat", + "text": "Somewhat", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE3c_W49", + "questions": [ + { + "key": "FACE3c_W49", + "text": "How much, if at all, do you trust the following groups to use facial recognition technology responsibly? Law enforcement agencies", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat", + "text": "Somewhat", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FACE4a_W49", + "questions": [ + { + "key": "FACE4a_W49", + "text": "In your opinion, is it acceptable or unacceptable to use facial recognition technology in the following situations? Law enforcement agencies assessing potential security threats in public spaces", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "FACE4b_W49", + "questions": [ + { + "key": "FACE4b_W49", + "text": "In your opinion, is it acceptable or unacceptable to use facial recognition technology in the following situations? Companies automatically tracking the attendance of their employees", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "FACE4c_W49", + "questions": [ + { + "key": "FACE4c_W49", + "text": "In your opinion, is it acceptable or unacceptable to use facial recognition technology in the following situations? Advertisers seeing how people respond to public advertising displays", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "FACE4d_W49", + "questions": [ + { + "key": "FACE4d_W49", + "text": "In your opinion, is it acceptable or unacceptable to use facial recognition technology in the following situations? Apartment building landlords tracking who enters or leaves their buildings", + "valid_options": [ + { + "raw": "Acceptable", + "text": "Acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Unacceptable", + "text": "Unacceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Not sure", + "Refused" + ] + } + ] + }, + { + "name": "DB1a_W49", + "questions": [ + { + "key": "DB1a_W49", + "text": "In the last 12 months, have you had someone put fraudulent charges on your debit or credit card", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DB1b_W49", + "questions": [ + { + "key": "DB1b_W49", + "text": "In the last 12 months, have you had someone take over your social media or email account without your permission", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Offline: does not have internet", + "text": "Offline: does not have internet", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DB1c_W49", + "questions": [ + { + "key": "DB1c_W49", + "text": "In the last 12 months, have you had someone attempt to open a line of credit or apply for a loan using your name", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W50/variables.json b/variables/ATP/American_Trends_Panel_W50/variables.json new file mode 100644 index 0000000..8fa2c90 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W50/variables.json @@ -0,0 +1,4724 @@ +[ + { + "name": "SATLIFEa_W50", + "questions": [ + { + "key": "SATLIFEa_W50", + "text": "Please tell us whether you are satisfied or dissatisfied with your family life.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEb_W50", + "questions": [ + { + "key": "SATLIFEb_W50", + "text": "Please tell us whether you are satisfied or dissatisfied with your social life.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEc_W50", + "questions": [ + { + "key": "SATLIFEc_W50", + "text": "Please tell us whether you are satisfied or dissatisfied with your personal financial situation.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SATLIFEd_W50", + "questions": [ + { + "key": "SATLIFEd_W50", + "text": "Please tell us whether you are satisfied or dissatisfied with your current job or career.", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV1_W50", + "questions": [ + { + "key": "FAMSURV1_W50", + "text": "At this point in your life, which of the following would be best for you personally?", + "valid_options": [ + { + "raw": "Working full-time for pay", + "text": "Working full-time for pay", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Working part-time for pay", + "text": "Working part-time for pay", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not working for pay at all", + "text": "Not working for pay at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Ma_W50", + "questions": [ + { + "key": "FAMSURV2Ma_W50", + "text": "In general, how important, if at all, is being married in order for a man to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Mb_W50", + "questions": [ + { + "key": "FAMSURV2Mb_W50", + "text": "In general, how important, if at all, is being in a committed romantic relationship in order for a man to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Mc_W50", + "questions": [ + { + "key": "FAMSURV2Mc_W50", + "text": "In general, how important, if at all, is having children in order for a man to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Md_W50", + "questions": [ + { + "key": "FAMSURV2Md_W50", + "text": "In general, how important, if at all, is having a job or career they enjoy in order for a man to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Me_W50", + "questions": [ + { + "key": "FAMSURV2Me_W50", + "text": "In general, how important, if at all, is having a lot of money in order for a man to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Wa_W50", + "questions": [ + { + "key": "FAMSURV2Wa_W50", + "text": "In general, how important, if at all, is being married in order for a woman to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Wb_W50", + "questions": [ + { + "key": "FAMSURV2Wb_W50", + "text": "In general, how important, if at all, is being in a committed romantic relationship in order for a woman to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Wc_W50", + "questions": [ + { + "key": "FAMSURV2Wc_W50", + "text": "In general, how important, if at all, is having children in order for a woman to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2Wd_W50", + "questions": [ + { + "key": "FAMSURV2Wd_W50", + "text": "In general, how important, if at all, is having a job or career they enjoy in order for a woman to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV2We_W50", + "questions": [ + { + "key": "FAMSURV2We_W50", + "text": "In general, how important, if at all, is having a lot of money in order for a woman to live a fulfilling life?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV3_W50", + "questions": [ + { + "key": "FAMSURV3_W50", + "text": "Do you think it is ever acceptable for an unmarried couple to live together?", + "valid_options": [ + { + "raw": "Yes, even if they don't plan to get married", + "text": "Yes, even if they don't plan to get married", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, but only if they plan to get married", + "text": "Yes, but only if they plan to get married", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No, never acceptable", + "text": "No, never acceptable", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV4_W50", + "questions": [ + { + "key": "FAMSURV4_W50", + "text": "Which statement comes closer to your view?", + "valid_options": [ + { + "raw": "Society is better off if couples who want to stay together long-term eventually get married", + "text": "Society is better off if couples who want to stay together long-term eventually get married", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Society is just as well off if couples who want to stay together long-term decide not to marry", + "text": "Society is just as well off if couples who want to stay together long-term decide not to marry", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV5a_W50", + "questions": [ + { + "key": "FAMSURV5a_W50", + "text": "Here are some things that people may want out of life. In general, who do you think has it easier when it comes to achieving being financially secure goals?", + "valid_options": [ + { + "raw": "An unmarried person living with a partner has it easier", + "text": "An unmarried person living with a partner has it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A married person has it easier", + "text": "A married person has it easier", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV5b_W50", + "questions": [ + { + "key": "FAMSURV5b_W50", + "text": "Here are some things that people may want out of life. In general, who do you think has it easier when it comes to achieving having a fulfilling sex life goals?", + "valid_options": [ + { + "raw": "An unmarried person living with a partner has it easier", + "text": "An unmarried person living with a partner has it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A married person has it easier", + "text": "A married person has it easier", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV5c_W50", + "questions": [ + { + "key": "FAMSURV5c_W50", + "text": "Here are some things that people may want out of life. In general, who do you think has it easier when it comes to achieving having social status goals?", + "valid_options": [ + { + "raw": "An unmarried person living with a partner has it easier", + "text": "An unmarried person living with a partner has it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A married person has it easier", + "text": "A married person has it easier", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV5d_W50", + "questions": [ + { + "key": "FAMSURV5d_W50", + "text": "Here are some things that people may want out of life. In general, who do you think has it easier when it comes to achieving being happy goals?", + "valid_options": [ + { + "raw": "An unmarried person living with a partner has it easier", + "text": "An unmarried person living with a partner has it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A married person has it easier", + "text": "A married person has it easier", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV6_W50", + "questions": [ + { + "key": "FAMSURV6_W50", + "text": "How do you feel about allowing unmarried couples to enter into legal agreements that would give them the same rights as married couples when it comes to things like health insurance, inheritance or tax benefits?", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favor", + "text": "Somewhat favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat oppose", + "text": "Somewhat oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV7_W50", + "questions": [ + { + "key": "FAMSURV7_W50", + "text": "Compared with couples who don't live together before marriage, do you think couples who do live together before marriage have a", + "valid_options": [ + { + "raw": "Better chance of having a successful marriage", + "text": "Better chance of having a successful marriage", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse chance of having a successful marriage", + "text": "Worse chance of having a successful marriage", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV8_W50", + "questions": [ + { + "key": "FAMSURV8_W50", + "text": "Which statement comes closer to your view?", + "valid_options": [ + { + "raw": "Couples who are married do a better job raising children than couples who are living together but are not married", + "text": "Couples who are married do a better job raising children than couples who are living together but are not married", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Couples who are living together but are not married can raise children just as well as married couples", + "text": "Couples who are living together but are not married can raise children just as well as married couples", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV9a_W50", + "questions": [ + { + "key": "FAMSURV9a_W50", + "text": "How important, if at all, do you think it is for a person to be financially stable before getting married?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV9b_W50", + "questions": [ + { + "key": "FAMSURV9b_W50", + "text": "How important, if at all, do you think it is for a person to have a steady job before getting married?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV9c_W50", + "questions": [ + { + "key": "FAMSURV9c_W50", + "text": "How important, if at all, do you think it is for a person to buy a house before getting married?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV9e_W50", + "questions": [ + { + "key": "FAMSURV9e_W50", + "text": "How important, if at all, do you think it is for a person to be completely committed to their partner before getting married?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV10a_W50", + "questions": [ + { + "key": "FAMSURV10a_W50", + "text": "If a person decides to move in with a partner without being married, how important, if at all, do you think it is for that person to be financially stable before moving in with their partner?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV10b_W50", + "questions": [ + { + "key": "FAMSURV10b_W50", + "text": "If a person decides to move in with a partner without being married, how important, if at all, do you think it is for that person to have a steady job before moving in with their partner?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV10c_W50", + "questions": [ + { + "key": "FAMSURV10c_W50", + "text": "If a person decides to move in with a partner without being married, how important, if at all, do you think it is for that person to buy a house before moving in with their partner?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV10e_W50", + "questions": [ + { + "key": "FAMSURV10e_W50", + "text": "If a person decides to move in with a partner without being married, how important, if at all, do you think it is for that person to be completely committed to their partner before moving in with their partner?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV11W_W50", + "questions": [ + { + "key": "FAMSURV11W_W50", + "text": "What do you think is the ideal situation for women with young children?", + "valid_options": [ + { + "raw": "Working full-time for pay", + "text": "Working full-time for pay", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Working part-time for pay", + "text": "Working part-time for pay", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not working for pay at all", + "text": "Not working for pay at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV11M_W50", + "questions": [ + { + "key": "FAMSURV11M_W50", + "text": "What do you think is the ideal situation for men with young children?", + "valid_options": [ + { + "raw": "Working full-time for pay", + "text": "Working full-time for pay", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Working part-time for pay", + "text": "Working part-time for pay", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not working for pay at all", + "text": "Not working for pay at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV12_W50", + "questions": [ + { + "key": "FAMSURV12_W50", + "text": "Thinking about parents of young adults ages 18 to 29", + "valid_options": [ + { + "raw": "Too much for their adult children", + "text": "Too much for their adult children", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little for their adult children", + "text": "Too little for their adult children", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MOTHER_W50", + "questions": [ + { + "key": "MOTHER_W50", + "text": "Is your mother living?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FATHER_W50", + "questions": [ + { + "key": "FATHER_W50", + "text": "Is your father living?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SIB_W50", + "questions": [ + { + "key": "SIB_W50", + "text": "Do you have any brothers or sisters?", + "valid_options": [ + { + "raw": "Yes, one", + "text": "Yes, one", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Yes, more than one", + "text": "Yes, more than one", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No, do not have any brothers or sisters", + "text": "No, do not have any brothers or sisters", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REMARR_W50", + "questions": [ + { + "key": "REMARR_W50", + "text": "Have you been married more than once?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ENG_W50", + "questions": [ + { + "key": "ENG_W50", + "text": "Are you currently engaged to be married?", + "valid_options": [ + { + "raw": "Yes, engaged", + "text": "Yes, engaged", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not engaged", + "text": "No, not engaged", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LWPT_W50", + "questions": [ + { + "key": "LWPT_W50", + "text": "Are you currently living with a partner or boyfriend or girlfriend? By living together we mean that you are in a relationship and neither of you have a separate residence.", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MAR2_W50", + "questions": [ + { + "key": "MAR2_W50", + "text": "Are you currently in a committed romantic relationship?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV16_W50", + "questions": [ + { + "key": "FAMSURV16_W50", + "text": "Which of the following best describes your current situation? Would you say you", + "valid_options": [ + { + "raw": "Would like to be in a romantic relationship", + "text": "Would like to be in a romantic relationship", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Don't want to be in a romantic relationship", + "text": "Don't want to be in a romantic relationship", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Doesn't make much difference", + "text": "Doesn't make much difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV17_W50", + "questions": [ + { + "key": "FAMSURV17_W50", + "text": "Thinking about the adults in your life, who is the person you feel closest to?", + "valid_options": [ + { + "raw": "Your spouse", + "text": "Your spouse", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Your partner or boyfriend or girlfriend", + "text": "Your partner or boyfriend or girlfriend", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "An adult child", + "text": "An adult child", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "A sibling", + "text": "A sibling", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Your mother", + "text": "Your mother", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Your father", + "text": "Your father", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "A friend", + "text": "A friend", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Another A family member", + "text": "Another A family member", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Someone else", + "text": "Someone else", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ADKIDS_W50", + "questions": [ + { + "key": "ADKIDS_W50", + "text": "Do you have any children ages 18 to 29?", + "valid_options": [ + { + "raw": "Yes, one child ages 18 to 29", + "text": "Yes, one child ages 18 to 29", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Yes, more than one child ages 18 to 29", + "text": "Yes, more than one child ages 18 to 29", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "No children ages 18 to 29", + "text": "No children ages 18 to 29", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PAR1_W50", + "questions": [ + { + "key": "PAR1_W50", + "text": "In general, do you think you do", + "valid_options": [ + { + "raw": "Too much for your adult child(ren) ages 18 to 29", + "text": "Too much for your adult child(ren) ages 18 to 29", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little for your adult child(ren) ages 18 to 29", + "text": "Too little for your adult child(ren) ages 18 to 29", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PAR2_W50", + "questions": [ + { + "key": "PAR2_W50", + "text": "In general, do you think your parents do mother does father does", + "valid_options": [ + { + "raw": "Too much for you", + "text": "Too much for you", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little for you", + "text": "Too little for you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROMRELDUR_W50", + "questions": [ + { + "key": "ROMRELDUR_W50", + "text": "How long have you been in your current romantic relationship?", + "valid_options": [ + { + "raw": "Less than 3 months", + "text": "Less than 3 months", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "3 months to less than 6 months", + "text": "3 months to less than 6 months", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "6 months to less than 1 year", + "text": "6 months to less than 1 year", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "1 year to less than 3 years", + "text": "1 year to less than 3 years", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "3 years to less than 5 years", + "text": "3 years to less than 5 years", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "5 years or more", + "text": "5 years or more", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARRDUR_W50", + "questions": [ + { + "key": "MARRDUR_W50", + "text": "Now thinking about your spouse how long have you and your spouse been married?", + "valid_options": [ + { + "raw": "Less than one year", + "text": "Less than one year", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "1 year to less than 3 years", + "text": "1 year to less than 3 years", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "3 years to less than 5 years", + "text": "3 years to less than 5 years", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "5 years to less than 10 years", + "text": "5 years to less than 10 years", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "10 years to less than 20 years", + "text": "10 years to less than 20 years", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "20 years or more", + "text": "20 years or more", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COHABDUR_W50", + "questions": [ + { + "key": "COHABDUR_W50", + "text": "Now thinking about the partner you are currently living with how long have you and your partner been living together?", + "valid_options": [ + { + "raw": "Less than one year", + "text": "Less than one year", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "1 year to less than 3 years", + "text": "1 year to less than 3 years", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "3 years to less than 5 years", + "text": "3 years to less than 5 years", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "5 years to less than 10 years", + "text": "5 years to less than 10 years", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "10 years to less than 20 years", + "text": "10 years to less than 20 years", + "natural_language": null, + "ordinal": 5.0 + }, + { + "raw": "20 years or more", + "text": "20 years or more", + "natural_language": null, + "ordinal": 6.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LWPSP_W50", + "questions": [ + { + "key": "LWPSP_W50", + "text": "Did you live with your current spouse before getting married?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV18A_W50", + "questions": [ + { + "key": "FAMSURV18A_W50", + "text": "When you started living with your spouse did you think about it as a step toward marriage?", + "valid_options": [ + { + "raw": "Yes, thought of it as a step toward marriage", + "text": "Yes, thought of it as a step toward marriage", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not think of it as a step toward marriage", + "text": "No, did not think of it as a step toward marriage", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV18B_W50", + "questions": [ + { + "key": "FAMSURV18B_W50", + "text": "Were you and your spouse engaged to be married before you moved in together?", + "valid_options": [ + { + "raw": "Yes, were engaged first", + "text": "Yes, were engaged first", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, were not engaged first", + "text": "No, were not engaged first", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ROMRELSER_W50", + "questions": [ + { + "key": "ROMRELSER_W50", + "text": "How serious would you say your current romantic relationship is?", + "valid_options": [ + { + "raw": "Very serious", + "text": "Very serious", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious", + "text": "Somewhat serious", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious", + "text": "Not too serious", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all serious", + "text": "Not at all serious", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV19_W50", + "questions": [ + { + "key": "FAMSURV19_W50", + "text": "Overall, would you say that things in your marriage/relationship are going", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fairly well", + "text": "Fairly well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV20_W50", + "questions": [ + { + "key": "FAMSURV20_W50", + "text": "When you started living with your partner did you think about it as a step toward marriage?", + "valid_options": [ + { + "raw": "Yes, thought of it as a step toward marriage", + "text": "Yes, thought of it as a step toward marriage", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not think of it as a step toward marriage", + "text": "No, did not think of it as a step toward marriage", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV21_W50", + "questions": [ + { + "key": "FAMSURV21_W50", + "text": "Were you and your partner engaged to be married before you moved in together?", + "valid_options": [ + { + "raw": "Yes, were engaged first", + "text": "Yes, were engaged first", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, were not engaged first", + "text": "No, were not engaged first", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22a_W50", + "questions": [ + { + "key": "FAMSURV22a_W50", + "text": "Thinking back to when you got married, how much, if at all, was love a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22b_W50", + "questions": [ + { + "key": "FAMSURV22b_W50", + "text": "Thinking back to when you got married, how much, if at all, was companionship a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22c_W50", + "questions": [ + { + "key": "FAMSURV22c_W50", + "text": "Thinking back to when you got married, how much, if at all, was you or your partner were pregnan a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22d_W50", + "questions": [ + { + "key": "FAMSURV22d_W50", + "text": "Thinking back to when you got married, how much, if at all, was wanted to have children someday a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22e_W50", + "questions": [ + { + "key": "FAMSURV22e_W50", + "text": "Thinking back to when you got married, how much, if at all, was it made sense financially a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22f_W50", + "questions": [ + { + "key": "FAMSURV22f_W50", + "text": "Thinking back to when you got married, how much, if at all, was it was convenient a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV22g_W50", + "questions": [ + { + "key": "FAMSURV22g_W50", + "text": "Thinking back to when you got married, how much, if at all, was wanted to make a formal commitment a reason you decided to get married?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23a_W50", + "questions": [ + { + "key": "FAMSURV23a_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was love a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23b_W50", + "questions": [ + { + "key": "FAMSURV23b_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was companionship a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23c_W50", + "questions": [ + { + "key": "FAMSURV23c_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was you or your partner were pregnant a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23d_W50", + "questions": [ + { + "key": "FAMSURV23d_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was wanted to have children someday a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23e_W50", + "questions": [ + { + "key": "FAMSURV23e_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was it made sense financially a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23f_W50", + "questions": [ + { + "key": "FAMSURV23f_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was it was convenient a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV23g_W50", + "questions": [ + { + "key": "FAMSURV23g_W50", + "text": "Thinking back to when you started living with your partner, how much, if at all, was wanted to test your relationship a reason you decided to move in together?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARRYPREF1_W50", + "questions": [ + { + "key": "MARRYPREF1_W50", + "text": "Thinking about the future, would you say you", + "valid_options": [ + { + "raw": "Want to get married someday", + "text": "Want to get married someday", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Don't want to get married", + "text": "Don't want to get married", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Are not sure if you want to get married", + "text": "Are not sure if you want to get married", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARRYPREF2_W50", + "questions": [ + { + "key": "MARRYPREF2_W50", + "text": "Thinking about the future, would you say you", + "valid_options": [ + { + "raw": "Want to get married again someday", + "text": "Want to get married again someday", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Don't want to get married again", + "text": "Don't want to get married again", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Are not sure if you want to get married again", + "text": "Are not sure if you want to get married again", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV25_W50", + "questions": [ + { + "key": "FAMSURV25_W50", + "text": "How likely, if at all, is it that you and your partner will get married someday?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV26a_W50", + "questions": [ + { + "key": "FAMSURV26a_W50", + "text": "How much pressure, if any, do you feel from your partner to marry your partner?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV26b_W50", + "questions": [ + { + "key": "FAMSURV26b_W50", + "text": "How much pressure, if any, do you feel from family members to marry your partner?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV26c_W50", + "questions": [ + { + "key": "FAMSURV26c_W50", + "text": "How much pressure, if any, do you feel from your friends to marry your partner?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV26d_W50", + "questions": [ + { + "key": "FAMSURV26d_W50", + "text": "How much pressure, if any, do you feel from society to marry your partner?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV27a_W50", + "questions": [ + { + "key": "FAMSURV27a_W50", + "text": "How much pressure, if any, did you feel from your partner to marry your partner after you moved in together?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV27b_W50", + "questions": [ + { + "key": "FAMSURV27b_W50", + "text": "How much pressure, if any, did you feel from family members to marry your partner after you moved in together?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV27c_W50", + "questions": [ + { + "key": "FAMSURV27c_W50", + "text": "How much pressure, if any, did you feel from your friends to marry your partner after you moved in together?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV27d_W50", + "questions": [ + { + "key": "FAMSURV27d_W50", + "text": "How much pressure, if any, did you feel from society to marry your partner after you moved in together?", + "valid_options": [ + { + "raw": "A lot of pressure", + "text": "A lot of pressure", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some pressure", + "text": "Some pressure", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much pressure", + "text": "Not too much pressure", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No pressure at all", + "text": "No pressure at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV28_W50", + "questions": [ + { + "key": "FAMSURV28_W50", + "text": "Would you say most people in your family consider your spouse partner to be part of their family?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV29_W50", + "questions": [ + { + "key": "FAMSURV29_W50", + "text": "How often, if ever, do you and your partner talk about getting married?", + "valid_options": [ + { + "raw": "Often", + "text": "Often", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30a_W50", + "questions": [ + { + "key": "FAMSURV30a_W50", + "text": "How much, if at all, is your partner is not ready financially a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30b_W50", + "questions": [ + { + "key": "FAMSURV30b_W50", + "text": "How much, if at all, is you are not ready financially a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30c_W50", + "questions": [ + { + "key": "FAMSURV30c_W50", + "text": "How much, if at all, is your partner is not ready to make that kind of commitment a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30d_W50", + "questions": [ + { + "key": "FAMSURV30d_W50", + "text": "How much, if at all, is you are not ready to make that kind of commitment a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30e_W50", + "questions": [ + { + "key": "FAMSURV30e_W50", + "text": "How much, if at all, is you are not far enough along in your job or career a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV30f_W50", + "questions": [ + { + "key": "FAMSURV30f_W50", + "text": "How much, if at all, is you are not sure your partner is the right person for you a reason why you are not engaged or married to your current partner?", + "valid_options": [ + { + "raw": "Major reason", + "text": "Major reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor reason", + "text": "Minor reason", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a reason", + "text": "Not a reason", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "E5MOD_W50", + "questions": [ + { + "key": "E5MOD_W50", + "text": "Is your spouse/partner now employed full-time, part-time or not employed?", + "valid_options": [ + { + "raw": "Full-time", + "text": "Full-time", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Part-time", + "text": "Part-time", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not employed", + "text": "Not employed", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV32a_W50", + "questions": [ + { + "key": "FAMSURV32a_W50", + "text": "How do you feel about the way household chores are divided between you and your spouse/partner?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV32b_W50", + "questions": [ + { + "key": "FAMSURV32b_W50", + "text": "How do you feel about your sex life?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV32c_W50", + "questions": [ + { + "key": "FAMSURV32c_W50", + "text": "How do you feel about how well you and your spouse/partner communicate with each other?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV32d_W50", + "questions": [ + { + "key": "FAMSURV32d_W50", + "text": "How do you feel about how well your spouse/partner balances work and their personal life?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV32e_W50", + "questions": [ + { + "key": "FAMSURV32e_W50", + "text": "How do you feel about your spouse's/partner's approach to parenting?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat dissatisfied", + "text": "Somewhat dissatisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very dissatisfied", + "text": "Very dissatisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV33a_W50", + "questions": [ + { + "key": "FAMSURV33a_W50", + "text": "How much, if at all, do you trust your spouse/partner to always tell you the truth", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV33b_W50", + "questions": [ + { + "key": "FAMSURV33b_W50", + "text": "How much, if at all, do you trust your spouse/partner to be faithful to you", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV33c_W50", + "questions": [ + { + "key": "FAMSURV33c_W50", + "text": "How much, if at all, do you trust your spouse/partner to handle money responsibly", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV33d_W50", + "questions": [ + { + "key": "FAMSURV33d_W50", + "text": "How much, if at all, do you trust your spouse/partner to Act in your best interest", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV34A_W50", + "questions": [ + { + "key": "FAMSURV34A_W50", + "text": "How does being a working parent affect your ability to advance in your job or career?", + "valid_options": [ + { + "raw": "Makes it easier", + "text": "Makes it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Makes it harder", + "text": "Makes it harder", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made a difference", + "text": "Hasn't made a difference", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV34B_W50", + "questions": [ + { + "key": "FAMSURV34B_W50", + "text": "How does being a working parent affect your ability to be a good parent?", + "valid_options": [ + { + "raw": "Makes it easier", + "text": "Makes it easier", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Makes it harder", + "text": "Makes it harder", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hasn't made a difference", + "text": "Hasn't made a difference", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV35a_W50", + "questions": [ + { + "key": "FAMSURV35a_W50", + "text": "Have you personally experienced the following because you were balancing work and parenting responsibilities? Needing to reduce your work hours", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV35b_W50", + "questions": [ + { + "key": "FAMSURV35b_W50", + "text": "Have you personally experienced the following because you were balancing work and parenting responsibilities? Feeling like you couldn't give 100% at work", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV35c_W50", + "questions": [ + { + "key": "FAMSURV35c_W50", + "text": "Have you personally experienced the following because you were balancing work and parenting responsibilities? Turning down a promotion", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV36a_W50", + "questions": [ + { + "key": "FAMSURV36a_W50", + "text": "Have you personally experienced the following at work because you have children? Being passed over for a promotion", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV36b_W50", + "questions": [ + { + "key": "FAMSURV36b_W50", + "text": "Have you personally experienced the following at work because you have children? Being passed over for an important assignment", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV36c_W50", + "questions": [ + { + "key": "FAMSURV36c_W50", + "text": "Have you personally experienced the following at work because you have children? Being treated as if you weren't committed to your work", + "valid_options": [ + { + "raw": "Yes, have experienced this", + "text": "Yes, have experienced this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not experienced this", + "text": "No, have not experienced this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "HAVEKIDS1_W50", + "questions": [ + { + "key": "HAVEKIDS1_W50", + "text": "Thinking about the future, how likely, if at all, is it that you will have children someday?", + "valid_options": [ + { + "raw": "Very likely", + "text": "Very likely", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat likely", + "text": "Somewhat likely", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too likely", + "text": "Not too likely", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all likely", + "text": "Not at all likely", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV37_W50", + "questions": [ + { + "key": "FAMSURV37_W50", + "text": "Looking ahead, would having children make it", + "valid_options": [ + { + "raw": "Easier to advance in your job or career", + "text": "Easier to advance in your job or career", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Harder to advance in your job or career", + "text": "Harder to advance in your job or career", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Would not make a difference", + "text": "Would not make a difference", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV38a_W50", + "questions": [ + { + "key": "FAMSURV38a_W50", + "text": "For household chores and responsibilities, who would you say does more?", + "valid_options": [ + { + "raw": "You do more than your spouse/partner", + "text": "You do more than your spouse/partner", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Your spouse/partner does more than you", + "text": "Your spouse/partner does more than you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both about equally", + "text": "Both about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV38b_W50", + "questions": [ + { + "key": "FAMSURV38b_W50", + "text": "For managing household finances, who would you say does more?", + "valid_options": [ + { + "raw": "You do more than your spouse/partner", + "text": "You do more than your spouse/partner", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Your spouse/partner does more than you", + "text": "Your spouse/partner does more than you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both about equally", + "text": "Both about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV38c_W50", + "questions": [ + { + "key": "FAMSURV38c_W50", + "text": "For managing your child(ren)'s schedule and activities, who would you say does more?", + "valid_options": [ + { + "raw": "You do more than your spouse/partner", + "text": "You do more than your spouse/partner", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Your spouse/partner does more than you", + "text": "Your spouse/partner does more than you", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both about equally", + "text": "Both about equally", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV39_W50", + "questions": [ + { + "key": "FAMSURV39_W50", + "text": "In general, how much, if at all, would you say that you rely on a parent for emotional support?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV40_W50", + "questions": [ + { + "key": "FAMSURV40_W50", + "text": "In the past 12 months, how much financial help, if any, did you receive from a parent?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV43_W50", + "questions": [ + { + "key": "FAMSURV43_W50", + "text": "In general, how much, if at all, would you say that your adult child(ren) ages 18 to 29 rely on you for emotional support?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FAMSURV44_W50", + "questions": [ + { + "key": "FAMSURV44_W50", + "text": "In the past 12 months, how much financial help, if any, did you provide for your adult child(ren) ages 18 to 29?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNATEST_W50", + "questions": [ + { + "key": "DNATEST_W50", + "text": "Have you ever used a mail-in DNA testing service from a company such as AncestryDNA or 23andMe?", + "valid_options": [ + { + "raw": "Yes, have used this", + "text": "Yes, have used this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not used this", + "text": "No, have not used this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA2a_W50", + "questions": [ + { + "key": "DNA2a_W50", + "text": "Was to learn more about where your family came from a reason you used a mail-in DNA testing service?", + "valid_options": [ + { + "raw": "Yes, a reason", + "text": "Yes, a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not a reason", + "text": "No, not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA2b_W50", + "questions": [ + { + "key": "DNA2b_W50", + "text": "Was to get information about your health or family medical history a reason you used a mail-in DNA testing service?", + "valid_options": [ + { + "raw": "Yes, a reason", + "text": "Yes, a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not a reason", + "text": "No, not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA2c_W50", + "questions": [ + { + "key": "DNA2c_W50", + "text": "Was to connect with relatives you might have but didn't know about a reason you used a mail-in DNA testing service?", + "valid_options": [ + { + "raw": "Yes, a reason", + "text": "Yes, a reason", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not a reason", + "text": "No, not a reason", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA3a_W50", + "questions": [ + { + "key": "DNA3a_W50", + "text": "Were you surprised by what your DNA test results showed about what countries or continents your ancestors came from?", + "valid_options": [ + { + "raw": "Yes, surprised", + "text": "Yes, surprised", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not surprised", + "text": "No, not surprised", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA3b_W50", + "questions": [ + { + "key": "DNA3b_W50", + "text": "Were you surprised by what your DNA test results showed about the racial or ethnic background of your ancestors?", + "valid_options": [ + { + "raw": "Yes, surprised", + "text": "Yes, surprised", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not surprised", + "text": "No, not surprised", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA3c_W50", + "questions": [ + { + "key": "DNA3c_W50", + "text": "Were you surprised by what your DNA test results showed about information about your health or family medical history?", + "valid_options": [ + { + "raw": "Yes, surprised", + "text": "Yes, surprised", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not surprised", + "text": "No, not surprised", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA4_W50", + "questions": [ + { + "key": "DNA4_W50", + "text": "Did you learn about any close relatives you didn't know about from your DNA test results?", + "valid_options": [ + { + "raw": "Yes, learned about close relatives you didn't know about", + "text": "Yes, learned about close relatives you didn't know about", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not learn about close relatives you didn't know about", + "text": "No, did not learn about close relatives you didn't know about", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DNA5_W50", + "questions": [ + { + "key": "DNA5_W50", + "text": "Did your DNA test results change the way you think about your racial or ethnic identity?", + "valid_options": [ + { + "raw": "Yes, changed", + "text": "Yes, changed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, did not change", + "text": "No, did not change", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SPOUSESEX_W50", + "questions": [ + { + "key": "SPOUSESEX_W50", + "text": "Is your spouse or partner of the opposite sex as you or the same sex as you?", + "valid_options": [ + { + "raw": "Opposite sex", + "text": "Opposite sex", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Same sex", + "text": "Same sex", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ORIENTATIONMOD_W50", + "questions": [ + { + "key": "ORIENTATIONMOD_W50", + "text": "Do you think of yourself as", + "valid_options": [ + { + "raw": "Gay or lesbian", + "text": "Gay or lesbian", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Straight, that is, not gay or lesbian", + "text": "Straight, that is, not gay or lesbian", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Bisexual", + "text": "Bisexual", + "natural_language": null, + "ordinal": 1 + }, + { + "raw": "Something else", + "text": "Something else", + "natural_language": null, + "ordinal": 1 + } + ], + "invalid_options": [ + "Refused", + "I don't know the answer" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W54/variables.json b/variables/ATP/American_Trends_Panel_W54/variables.json new file mode 100644 index 0000000..0181eb2 --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W54/variables.json @@ -0,0 +1,4573 @@ +[ + { + "name": "FIN_SIT_W54", + "questions": [ + { + "key": "FIN_SIT_W54", + "text": "How would you describe your household's financial situation?", + "valid_options": [ + { + "raw": "Live comfortably", + "text": "Live comfortably", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Meet your basic expenses with a little left over for extras", + "text": "Meet your basic expenses with a little left over for extras", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Just meet your basic expenses", + "text": "Just meet your basic expenses", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Don't even have enough to meet basic expenses", + "text": "Don't even have enough to meet basic expenses", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FIN_SITFUT_W54", + "questions": [ + { + "key": "FIN_SITFUT_W54", + "text": "In the future, do you think your household will have enough money to live comfortably?", + "valid_options": [ + { + "raw": "Yes", + "text": "Yes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No", + "text": "No", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FIN_SITMOST_W54", + "questions": [ + { + "key": "FIN_SITMOST_W54", + "text": "How would you describe the financial situation of most Americans?", + "valid_options": [ + { + "raw": "Live comfortably", + "text": "Live comfortably", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Meet their basic expenses with a little left over for extras", + "text": "Meet their basic expenses with a little left over for extras", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Just meet their basic expenses", + "text": "Just meet their basic expenses", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Don't even have enough to meet basic expenses", + "text": "Don't even have enough to meet basic expenses", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FIN_SITCOMM_W54", + "questions": [ + { + "key": "FIN_SITCOMM_W54", + "text": "How would you describe the financial situation of most people in the area where you live?", + "valid_options": [ + { + "raw": "Live comfortably", + "text": "Live comfortably", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Meet their basic expenses with a little left over for extras", + "text": "Meet their basic expenses with a little left over for extras", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Just meet their basic expenses", + "text": "Just meet their basic expenses", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Don't even have enough to meet basic expenses", + "text": "Don't even have enough to meet basic expenses", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FIN_SITGROWUP_W54", + "questions": [ + { + "key": "FIN_SITGROWUP_W54", + "text": "Now thinking about when you were growing up, how would you describe your family's financial situation for most of the time when you were growing up?", + "valid_options": [ + { + "raw": "Lived comfortably", + "text": "Lived comfortably", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Met basic expenses with a little left over for extras", + "text": "Met basic expenses with a little left over for extras", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Just met basic expenses", + "text": "Just met basic expenses", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Didn't even have enough to meet basic expenses", + "text": "Didn't even have enough to meet basic expenses", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "JOBTRAIN_W54", + "questions": [ + { + "key": "JOBTRAIN_W54", + "text": "Looking ahead, how important do you think it will be for you to get training and develop new skills throughout your work life in order to keep up with changes in the workplace?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not important", + "text": "Not important", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYa_W54", + "questions": [ + { + "key": "GOVPRIORITYa_W54", + "text": "How much of a priority should the following be for the federal government to address: Making health care more affordable", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYb_W54", + "questions": [ + { + "key": "GOVPRIORITYb_W54", + "text": "How much of a priority should the following be for the federal government to address: Reducing illegal immigration", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYc_W54", + "questions": [ + { + "key": "GOVPRIORITYc_W54", + "text": "How much of a priority should the following be for the federal government to address: Reducing economic inequality", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYd_W54", + "questions": [ + { + "key": "GOVPRIORITYd_W54", + "text": "How much of a priority should the following be for the federal government to address: Addressing climate change", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYe_W54", + "questions": [ + { + "key": "GOVPRIORITYe_W54", + "text": "How much of a priority should the following be for the federal government to address: Dealing with terrorism", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPRIORITYf_W54", + "questions": [ + { + "key": "GOVPRIORITYf_W54", + "text": "How much of a priority should the following be for the federal government to address: Reducing gun violence", + "valid_options": [ + { + "raw": "A top priority", + "text": "A top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but lower priority", + "text": "Important, but lower priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Should not be done", + "text": "Should not be done", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_a_W54", + "questions": [ + { + "key": "GOVRESP_a_W54", + "text": "Do you think an adequate standard of living is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_b_W54", + "questions": [ + { + "key": "GOVRESP_b_W54", + "text": "Do you think adequate housing is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_c_W54", + "questions": [ + { + "key": "GOVRESP_c_W54", + "text": "Do you think high quality K-12 education is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_d_W54", + "questions": [ + { + "key": "GOVRESP_d_W54", + "text": "Do you think a college education is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_e_W54", + "questions": [ + { + "key": "GOVRESP_e_W54", + "text": "Do you think adequate income in retirement is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_f_W54", + "questions": [ + { + "key": "GOVRESP_f_W54", + "text": "Do you think adequate medical care is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_g_W54", + "questions": [ + { + "key": "GOVRESP_g_W54", + "text": "Do you think Health insurance is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVRESP_h_W54", + "questions": [ + { + "key": "GOVRESP_h_W54", + "text": "Do you think access to high-speed internet is something the federal government has a responsibility to provide for all Americans?", + "valid_options": [ + { + "raw": "Yes, a responsibility of the federal government to provide for all Americans", + "text": "Yes, a responsibility of the federal government to provide for all Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, not the responsibility of the federal government to provide", + "text": "No, not the responsibility of the federal government to provide", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON1_W54", + "questions": [ + { + "key": "ECON1_W54", + "text": "Thinking about the nation's economy, how would you rate economic conditions in this country today?", + "valid_options": [ + { + "raw": "Excellent", + "text": "Excellent", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Good", + "text": "Good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only fair", + "text": "Only fair", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Poor", + "text": "Poor", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON1B_W54", + "questions": [ + { + "key": "ECON1B_W54", + "text": "A year from now, do you expect that economic conditions in the country as a whole will be", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same as now", + "text": "About the same as now", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_a_W54", + "questions": [ + { + "key": "ECON3_a_W54", + "text": "How much, if at all, do you think the availability of jobs is contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_b_W54", + "questions": [ + { + "key": "ECON3_b_W54", + "text": "How much, if at all, do you think how the stock market is doing is contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_c_W54", + "questions": [ + { + "key": "ECON3_c_W54", + "text": "How much, if at all, do you think prices for food and consumer goods are contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_d_W54", + "questions": [ + { + "key": "ECON3_d_W54", + "text": "How much, if at all, do you think the cost of health care is contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_e_W54", + "questions": [ + { + "key": "ECON3_e_W54", + "text": "How much, if at all, do you think real estate values are contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_f_W54", + "questions": [ + { + "key": "ECON3_f_W54", + "text": "How much, if at all, do you think gas prices are contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_g_W54", + "questions": [ + { + "key": "ECON3_g_W54", + "text": "How much, if at all, do you think the federal budget deficit is contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_h_W54", + "questions": [ + { + "key": "ECON3_h_W54", + "text": "How much, if at all, do you think wages and incomes are contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON3_i_W54", + "questions": [ + { + "key": "ECON3_i_W54", + "text": "How much, if at all, do you think the country's tax system is contributing to your opinion about how the economy is doing?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_a_W54", + "questions": [ + { + "key": "ECON4_a_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does the availability of jobs in your area affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_b_W54", + "questions": [ + { + "key": "ECON4_b_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does how the stock market is doing affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_c_W54", + "questions": [ + { + "key": "ECON4_c_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does prices for food and consumer goods affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_d_W54", + "questions": [ + { + "key": "ECON4_d_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does the cost of health care affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_e_W54", + "questions": [ + { + "key": "ECON4_e_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does real estate values in your area affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_f_W54", + "questions": [ + { + "key": "ECON4_f_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does gas prices affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_g_W54", + "questions": [ + { + "key": "ECON4_g_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does the federal budget deficit affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_h_W54", + "questions": [ + { + "key": "ECON4_h_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does wages and incomes in your area affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON4_i_W54", + "questions": [ + { + "key": "ECON4_i_W54", + "text": "Thinking about your own household's financial situation, how much, if at all, does the country's tax system affect your household's financial situation?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ1_W54", + "questions": [ + { + "key": "INEQ1_W54", + "text": "Thinking about the level of economic inequality in the country these days, would you say there is", + "valid_options": [ + { + "raw": "Too much economic inequality", + "text": "Too much economic inequality", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little economic inequality", + "text": "Too little economic inequality", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount of economic inequality", + "text": "About the right amount of economic inequality", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ2_W54", + "questions": [ + { + "key": "INEQ2_W54", + "text": "Do you think that", + "valid_options": [ + { + "raw": "Some amount of economic inequality is acceptable", + "text": "Some amount of economic inequality is acceptable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No amount of economic inequality is acceptable", + "text": "No amount of economic inequality is acceptable", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ3_W54", + "questions": [ + { + "key": "INEQ3_W54", + "text": "In order to address economic inequality in this country, do you think our economic system", + "valid_options": [ + { + "raw": "Requires only minor changes", + "text": "Requires only minor changes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Requires major changes", + "text": "Requires major changes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Needs to be completely rebuilt", + "text": "Needs to be completely rebuilt", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ4_a_W54", + "questions": [ + { + "key": "INEQ4_a_W54", + "text": "How much responsibility, if any, should the federal government have in reducing economic inequality in our country?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ4_b_W54", + "questions": [ + { + "key": "INEQ4_b_W54", + "text": "How much responsibility, if any, should state governments have in reducing economic inequality in our country?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ4_c_W54", + "questions": [ + { + "key": "INEQ4_c_W54", + "text": "How much responsibility, if any, should large businesses and corporations have in reducing economic inequality in our country?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ4_d_W54", + "questions": [ + { + "key": "INEQ4_d_W54", + "text": "How much responsibility, if any, should churches and other religious organizations have in reducing economic inequality in our country?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ4_e_W54", + "questions": [ + { + "key": "INEQ4_e_W54", + "text": "How much responsibility, if any, should wealthy individuals have in reducing economic inequality in our country?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a little", + "text": "Only a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None", + "text": "None", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_a_W54", + "questions": [ + { + "key": "INEQ5_a_W54", + "text": "How much, if at all, do you think the outsourcing of jobs to other countries contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_b_W54", + "questions": [ + { + "key": "INEQ5_b_W54", + "text": "How much, if at all, do you think our current trade policies with other countries contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_c_W54", + "questions": [ + { + "key": "INEQ5_c_W54", + "text": "How much, if at all, do you think the automation of jobs contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_d_W54", + "questions": [ + { + "key": "INEQ5_d_W54", + "text": "How much, if at all, do you think too much regulation of major corporations contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_e_W54", + "questions": [ + { + "key": "INEQ5_e_W54", + "text": "How much, if at all, do you think not enough regulation of major corporations contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_f_W54", + "questions": [ + { + "key": "INEQ5_f_W54", + "text": "How much, if at all, do you think some people work harder than others contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_g_W54", + "questions": [ + { + "key": "INEQ5_g_W54", + "text": "How much, if at all, do you think our tax system contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_h_W54", + "questions": [ + { + "key": "INEQ5_h_W54", + "text": "How much, if at all, do you think the different life choices people make contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_i_W54", + "questions": [ + { + "key": "INEQ5_i_W54", + "text": "How much, if at all, do you think some people starting out with more opportunities than others contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_j_W54", + "questions": [ + { + "key": "INEQ5_j_W54", + "text": "How much, if at all, do you think problems with our educational system contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_k_W54", + "questions": [ + { + "key": "INEQ5_k_W54", + "text": "How much, if at all, do you think discrimination against racial and ethnic minorities contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_l_W54", + "questions": [ + { + "key": "INEQ5_l_W54", + "text": "How much, if at all, do you think the growing number of illegal immigrants working in the U.S. contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ5_m_W54", + "questions": [ + { + "key": "INEQ5_m_W54", + "text": "How much, if at all, do you think the growing number of legal immigrants working in the U.S. contributes to economic inequality in this country?", + "valid_options": [ + { + "raw": "Contributes a great deal", + "text": "Contributes a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Contributes a fair amount", + "text": "Contributes a fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Contributes not too much", + "text": "Contributes not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Contributes not at all", + "text": "Contributes not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ6_W54", + "questions": [ + { + "key": "INEQ6_W54", + "text": "Thinking about children growing up in this country these days, how much, if at all, do you think their family's financial situation impacts their ability to succeed in life?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ7_W54", + "questions": [ + { + "key": "INEQ7_W54", + "text": "Thinking about children growing up in the area where you live these days, how much, if at all, do you think their family's financial situation impacts their ability to succeed in life?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_a_W54", + "questions": [ + { + "key": "INEQ8_a_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Increasing the federal minimum wage", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_b_W54", + "questions": [ + { + "key": "INEQ8_b_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Making college tuition free at both public two-year and four-year colleges", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_c_W54", + "questions": [ + { + "key": "INEQ8_c_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Increasing taxes on the wealthiest Americans", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_d_W54", + "questions": [ + { + "key": "INEQ8_d_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Expanding Medicare so that it covers Americans of all ages", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_e_W54", + "questions": [ + { + "key": "INEQ8_e_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Ensuring that workers have the skills they need for today's jobs", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_f_W54", + "questions": [ + { + "key": "INEQ8_f_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Making college tuition free at public two-year colleges", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_g_W54", + "questions": [ + { + "key": "INEQ8_g_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Eliminating college debt", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_h_W54", + "questions": [ + { + "key": "INEQ8_h_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Reducing illegal immigration", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_i_W54", + "questions": [ + { + "key": "INEQ8_i_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Expanding government benefits for the poor", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ8_j_W54", + "questions": [ + { + "key": "INEQ8_j_W54", + "text": "How much, if at all, do you think the following proposals would do to reduce economic inequality in the U.S.? Breaking up large corporations", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ9_W54", + "questions": [ + { + "key": "INEQ9_W54", + "text": "In order to address economic inequality in this country, do you think it would be better for the government to", + "valid_options": [ + { + "raw": "Give direct assistance to people who are poor in the form of cash payments or tax credits", + "text": "Give direct assistance to people who are poor in the form of cash payments or tax credits", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Invest in education and job training programs for people who are poor", + "text": "Invest in education and job training programs for people who are poor", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ10_W54", + "questions": [ + { + "key": "INEQ10_W54", + "text": "In order to address economic inequality in this country, do you think the government", + "valid_options": [ + { + "raw": "Should raise taxes on the wealthiest Americans", + "text": "Should raise taxes on the wealthiest Americans", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not raise taxes on the wealthiest Americans", + "text": "Should not raise taxes on the wealthiest Americans", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INEQ11_W54", + "questions": [ + { + "key": "INEQ11_W54", + "text": "In order to address economic inequality in this country, do you think the government", + "valid_options": [ + { + "raw": "Should raise taxes on people like you", + "text": "Should raise taxes on people like you", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should not raise taxes on people like you", + "text": "Should not raise taxes on people like you", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_a_W54", + "questions": [ + { + "key": "ECON5_a_W54", + "text": "Do you think the country's current economic conditions are helping or hurting you and your family?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_b_W54", + "questions": [ + { + "key": "ECON5_b_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people who are wealthy?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_c_W54", + "questions": [ + { + "key": "ECON5_c_W54", + "text": "Do you think the country's current economic conditions are helping or hurting the middle class?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_d_W54", + "questions": [ + { + "key": "ECON5_d_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people who are poor?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_e_W54", + "questions": [ + { + "key": "ECON5_e_W54", + "text": "Do you think the country's current economic conditions are helping or hurting older adults?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_f_W54", + "questions": [ + { + "key": "ECON5_f_W54", + "text": "Do you think the country's current economic conditions are helping or hurting young adults?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_g_W54", + "questions": [ + { + "key": "ECON5_g_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people who are white?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_h_W54", + "questions": [ + { + "key": "ECON5_h_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people who are black?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_i_W54", + "questions": [ + { + "key": "ECON5_i_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people who are Hispanic?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_j_W54", + "questions": [ + { + "key": "ECON5_j_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people without college degrees?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECON5_k_W54", + "questions": [ + { + "key": "ECON5_k_W54", + "text": "Do you think the country's current economic conditions are helping or hurting people with college degrees?", + "valid_options": [ + { + "raw": "Helping a lot", + "text": "Helping a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Helping a little", + "text": "Helping a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hurting a little", + "text": "Hurting a little", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Hurting a lot", + "text": "Hurting a lot", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Neither helping nor hurting", + "text": "Neither helping nor hurting", + "natural_language": null, + "ordinal": 2.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPa_W54", + "questions": [ + { + "key": "ECIMPa_W54", + "text": "How much power and influence do you think politicians have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPb_W54", + "questions": [ + { + "key": "ECIMPb_W54", + "text": "How much power and influence do you think technology companies have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPc_W54", + "questions": [ + { + "key": "ECIMPc_W54", + "text": "How much power and influence do you think labor unions have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPd_W54", + "questions": [ + { + "key": "ECIMPd_W54", + "text": "How much power and influence do you think banks and other financial institutions have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPe_W54", + "questions": [ + { + "key": "ECIMPe_W54", + "text": "How much power and influence do you think small businesses have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPf_W54", + "questions": [ + { + "key": "ECIMPf_W54", + "text": "How much power and influence do you think large corporations have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPg_W54", + "questions": [ + { + "key": "ECIMPg_W54", + "text": "How much power and influence do you think people who are wealthy have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPh_W54", + "questions": [ + { + "key": "ECIMPh_W54", + "text": "How much power and influence do you think people who are poor have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPi_W54", + "questions": [ + { + "key": "ECIMPi_W54", + "text": "How much power and influence do you think the middle class have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECIMPj_W54", + "questions": [ + { + "key": "ECIMPj_W54", + "text": "How much power and influence do you think Health insurance companies have on today's economy?", + "valid_options": [ + { + "raw": "Too much power and influence", + "text": "Too much power and influence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not enough power and influence", + "text": "Not enough power and influence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount", + "text": "About the right amount", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRY2a_W54", + "questions": [ + { + "key": "WORRY2a_W54", + "text": "How often, if ever, do you worry about the amount of debt you have?", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Almost every day", + "text": "Almost every day", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRY2b_W54", + "questions": [ + { + "key": "WORRY2b_W54", + "text": "How often, if ever, do you worry about losing your job?", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Almost every day", + "text": "Almost every day", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRY2c_W54", + "questions": [ + { + "key": "WORRY2c_W54", + "text": "How often, if ever, do you worry about paying your bills?", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Almost every day", + "text": "Almost every day", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRY2d_W54", + "questions": [ + { + "key": "WORRY2d_W54", + "text": "How often, if ever, do you worry about the cost of health care for you and your family?", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Almost every day", + "text": "Almost every day", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORRY2e_W54", + "questions": [ + { + "key": "WORRY2e_W54", + "text": "How often, if ever, do you worry about being able to save enough for your retirement?", + "valid_options": [ + { + "raw": "Every day", + "text": "Every day", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Almost every day", + "text": "Almost every day", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Sometimes", + "text": "Sometimes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Rarely", + "text": "Rarely", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Never", + "text": "Never", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FINANCEa_W54", + "questions": [ + { + "key": "FINANCEa_W54", + "text": "Do you have a savings account?", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FINANCEb_W54", + "questions": [ + { + "key": "FINANCEb_W54", + "text": "Do you have an IRA, 401K or a similar kind of retirement account?", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FINANCEc_W54", + "questions": [ + { + "key": "FINANCEc_W54", + "text": "Do you have personal investments in stocks, bonds or mutual funds other than those held in an IRA or 401K?", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEBTa_W54", + "questions": [ + { + "key": "DEBTa_W54", + "text": "Do you have the following type of loans or debt: Credit card debt", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEBTb_W54", + "questions": [ + { + "key": "DEBTb_W54", + "text": "Do you have the following type of loans or debt: Car loan", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEBTc_W54", + "questions": [ + { + "key": "DEBTc_W54", + "text": "Do you have the following type of loans or debt: Student loans", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEBTd_W54", + "questions": [ + { + "key": "DEBTd_W54", + "text": "Do you have the following type of loans or debt: A mortgage or a home loan", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DEBTe_W54", + "questions": [ + { + "key": "DEBTe_W54", + "text": "Do you have the following type of loans or debt: Debt from medical bills", + "valid_options": [ + { + "raw": "Yes, have this", + "text": "Yes, have this", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, do not have this", + "text": "No, do not have this", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BENEFITSa_W54", + "questions": [ + { + "key": "BENEFITSa_W54", + "text": "Have you or anyone in your household received food assistance, such as SNAP benefits government services and benefits in the past 12 months?", + "valid_options": [ + { + "raw": "Yes, have received in the past 12 months", + "text": "Yes, have received in the past 12 months", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not received in the past 12 months", + "text": "No, have not received in the past 12 months", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BENEFITSb_W54", + "questions": [ + { + "key": "BENEFITSb_W54", + "text": "Have you or anyone in your household received medicaid benefits government services and benefits in the past 12 months?", + "valid_options": [ + { + "raw": "Yes, have received in the past 12 months", + "text": "Yes, have received in the past 12 months", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not received in the past 12 months", + "text": "No, have not received in the past 12 months", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BENEFITSc_W54", + "questions": [ + { + "key": "BENEFITSc_W54", + "text": "Have you or anyone in your household received unemployment benefits government services and benefits in the past 12 months?", + "valid_options": [ + { + "raw": "Yes, have received in the past 12 months", + "text": "Yes, have received in the past 12 months", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, have not received in the past 12 months", + "text": "No, have not received in the past 12 months", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WORKHARD_W53", + "questions": [ + { + "key": "WORKHARD_W53", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Most people who want to get ahead can make it if they're willing to work hard", + "text": "Most people who want to get ahead can make it if they're willing to work hard", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Hard work and determination are no guarantee of success for most people", + "text": "Hard work and determination are no guarantee of success for most people", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POOREASY_W53", + "questions": [ + { + "key": "POOREASY_W53", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Poor people today have it easy because they can get government benefits without doing anything in return", + "text": "Poor people today have it easy because they can get government benefits without doing anything in return", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Poor people have hard lives because government benefits don't go far enough to help them live decently", + "text": "Poor people have hard lives because government benefits don't go far enough to help them live decently", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECONFAIR_W53", + "questions": [ + { + "key": "ECONFAIR_W53", + "text": "Please choose the statement that comes closer to your own views", + "valid_options": [ + { + "raw": "The economic system in this country unfairly favors powerful interests", + "text": "The economic system in this country unfairly favors powerful interests", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The economic system in this country is generally fair to most Americans", + "text": "The economic system in this country is generally fair to most Americans", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W82/variables.json b/variables/ATP/American_Trends_Panel_W82/variables.json new file mode 100644 index 0000000..ff4124e --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W82/variables.json @@ -0,0 +1,4147 @@ +[ + { + "name": "GAP21Q1_W82", + "questions": [ + { + "key": "GAP21Q1_W82", + "text": "Thinking about our economic situation, how would you describe the current economic situation in the US?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q2_W82", + "questions": [ + { + "key": "GAP21Q2_W82", + "text": "When children today in the US grow up, do you think they will be", + "valid_options": [ + { + "raw": "Better off financially than their parents", + "text": "Better off financially than their parents", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse off financially than their parents", + "text": "Worse off financially than their parents", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q3_W82", + "questions": [ + { + "key": "GAP21Q3_W82", + "text": "How satisfied are you with the way democracy is working in the US?", + "valid_options": [ + { + "raw": "Very satisfied", + "text": "Very satisfied", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat satisfied", + "text": "Somewhat satisfied", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too satisfied", + "text": "Not too satisfied", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all satisfied", + "text": "Not at all satisfied", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_a_W82", + "questions": [ + { + "key": "GAP21Q4_a_W82", + "text": "Do you have a favorable or unfavorable opinion of the United States", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_b_W82", + "questions": [ + { + "key": "GAP21Q4_b_W82", + "text": "Do you have a favorable or unfavorable opinion of China", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_c_W82", + "questions": [ + { + "key": "GAP21Q4_c_W82", + "text": "Do you have a favorable or unfavorable opinion of Germany", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_d_W82", + "questions": [ + { + "key": "GAP21Q4_d_W82", + "text": "Do you have a favorable or unfavorable opinion of the European Union", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_e_W82", + "questions": [ + { + "key": "GAP21Q4_e_W82", + "text": "Do you have a favorable or unfavorable opinion of the United Nations", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q4_f_W82", + "questions": [ + { + "key": "GAP21Q4_f_W82", + "text": "Do you have a favorable or unfavorable opinion of nato, that is, North Atlantic Treaty Organization", + "valid_options": [ + { + "raw": "Very favorable", + "text": "Very favorable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favorable", + "text": "Somewhat favorable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat unfavorable", + "text": "Somewhat unfavorable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very unfavorable", + "text": "Very unfavorable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q5_a_W82", + "questions": [ + { + "key": "GAP21Q5_a_W82", + "text": "Do you think the government of China respects the personal freedoms of its people?", + "valid_options": [ + { + "raw": "Yes, respects personal freedoms", + "text": "Yes, respects personal freedoms", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, does not respect personal freedoms", + "text": "No, does not respect personal freedoms", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q5_b_W82", + "questions": [ + { + "key": "GAP21Q5_b_W82", + "text": "Do you think the government of the US respects the personal freedoms of its people?", + "valid_options": [ + { + "raw": "Yes, respects personal freedoms", + "text": "Yes, respects personal freedoms", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, does not respect personal freedoms", + "text": "No, does not respect personal freedoms", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q6_W82", + "questions": [ + { + "key": "GAP21Q6_W82", + "text": "Which statement comes closest to your own views, even if neither is exactly right? Democracy in the US", + "valid_options": [ + { + "raw": "Is a good example for other countries to follow", + "text": "Is a good example for other countries to follow", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Used to be a good example, but has not been in recent years", + "text": "Used to be a good example, but has not been in recent years", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Has never been a good example for other countries to follow", + "text": "Has never been a good example for other countries to follow", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q7_a_W82", + "questions": [ + { + "key": "GAP21Q7_a_W82", + "text": "Would you say the US has done a good or bad job dealing with the coronavirus outbreak?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q7_b_W82", + "questions": [ + { + "key": "GAP21Q7_b_W82", + "text": "Would you say China has done a good or bad job dealing with the coronavirus outbreak?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q7_c_W82", + "questions": [ + { + "key": "GAP21Q7_c_W82", + "text": "Would you say the European Union has done a good or bad job dealing with the coronavirus outbreak?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q7_d_W82", + "questions": [ + { + "key": "GAP21Q7_d_W82", + "text": "Would you say the World Health Organization, or WHO has done a good or bad job dealing with the coronavirus outbreak?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q7_e_W82", + "questions": [ + { + "key": "GAP21Q7_e_W82", + "text": "Would you say Germany has done a good or bad job dealing with the coronavirus outbreak?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q8_W82", + "questions": [ + { + "key": "GAP21Q8_W82", + "text": "As a result of the coronavirus outbreak, has your own life changed", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q9_W82", + "questions": [ + { + "key": "GAP21Q9_W82", + "text": "Thinking about the US as a whole, do you think this country is now", + "valid_options": [ + { + "raw": "More united than before the coronavirus outbreak", + "text": "More united than before the coronavirus outbreak", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "More divided than before the coronavirus outbreak", + "text": "More divided than before the coronavirus outbreak", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q10_W82", + "questions": [ + { + "key": "GAP21Q10_W82", + "text": "Thinking about restrictions on public activity in the US over the course of the coronavirus outbreak, do you think there should have been", + "valid_options": [ + { + "raw": "More restrictions", + "text": "More restrictions", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Fewer restrictions", + "text": "Fewer restrictions", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "The restrictions were about right", + "text": "The restrictions were about right", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q11_W82", + "questions": [ + { + "key": "GAP21Q11_W82", + "text": "Which statement comes closer to your view, even if neither is exactly right? America's economy is", + "valid_options": [ + { + "raw": "Recovering from the effects of the coronavirus outbreak in ways that show the strengths of its economic system", + "text": "Recovering from the effects of the coronavirus outbreak in ways that show the strengths of its economic system", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Failing to recover from the effects of the coronavirus outbreak in ways that show the weaknesses of its economic system", + "text": "Failing to recover from the effects of the coronavirus outbreak in ways that show the weaknesses of its economic system", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q12_W82", + "questions": [ + { + "key": "GAP21Q12_W82", + "text": "How much confidence, if any, do you have in the healthcare system in the US to handle a future global health emergency that might occur?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q13_a_W82", + "questions": [ + { + "key": "GAP21Q13_a_W82", + "text": "Thinking about the US, how much would you say the economic system needs to be changed, if at all?", + "valid_options": [ + { + "raw": "It needs to be completely reformed", + "text": "It needs to be completely reformed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It needs major changes", + "text": "It needs major changes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It needs minor changes", + "text": "It needs minor changes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "It doesn't need to be changed", + "text": "It doesn't need to be changed", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q13_b_W82", + "questions": [ + { + "key": "GAP21Q13_b_W82", + "text": "Thinking about the US, how much would you say the healthcare system needs to be changed, if at all?", + "valid_options": [ + { + "raw": "It needs to be completely reformed", + "text": "It needs to be completely reformed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It needs major changes", + "text": "It needs major changes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It needs minor changes", + "text": "It needs minor changes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "It doesn't need to be changed", + "text": "It doesn't need to be changed", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q13_c_W82", + "questions": [ + { + "key": "GAP21Q13_c_W82", + "text": "Thinking about the US, how much would you say the political system needs to be changed, if at all?", + "valid_options": [ + { + "raw": "It needs to be completely reformed", + "text": "It needs to be completely reformed", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It needs major changes", + "text": "It needs major changes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It needs minor changes", + "text": "It needs minor changes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "It doesn't need to be changed", + "text": "It doesn't need to be changed", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q14_W82", + "questions": [ + { + "key": "GAP21Q14_W82", + "text": "And how confident are you that America's political system can be changed effectively?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_a_W82", + "questions": [ + { + "key": "GAP21Q15_a_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Healthcare system", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_b_W82", + "questions": [ + { + "key": "GAP21Q15_b_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Colleges and universities", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_c_W82", + "questions": [ + { + "key": "GAP21Q15_c_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Standard of living", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_d_W82", + "questions": [ + { + "key": "GAP21Q15_d_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Military", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_e_W82", + "questions": [ + { + "key": "GAP21Q15_e_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Technological achievements", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q15_f_W82", + "questions": [ + { + "key": "GAP21Q15_f_W82", + "text": "Please compare the US to other developed nations in a few different areas. In each instance, how does the US compare? Entertainment, including movies, music and television", + "valid_options": [ + { + "raw": "The best", + "text": "The best", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Above average", + "text": "Above average", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Average", + "text": "Average", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Below average", + "text": "Below average", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "The worst", + "text": "The worst", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q17_W82", + "questions": [ + { + "key": "GAP21Q17_W82", + "text": "In making international policy decisions, to what extent, if at all, do you think the US takes into account the interests of other countries around the world?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q18_W82", + "questions": [ + { + "key": "GAP21Q18_W82", + "text": "Which statement comes closer to your view, even if neither is exactly right? The US should", + "valid_options": [ + { + "raw": "Try to promote human rights in China, even if it harms economic relations with China", + "text": "Try to promote human rights in China, even if it harms economic relations with China", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Prioritize strengthening economic relations with China, even if it means not addressing human rights issues", + "text": "Prioritize strengthening economic relations with China, even if it means not addressing human rights issues", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q19_a_W82", + "questions": [ + { + "key": "GAP21Q19_a_W82", + "text": "How much confidence do you have in us President Joe Biden to do the right thing regarding world affairs?", + "valid_options": [ + { + "raw": "A lot of confidence", + "text": "A lot of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some confidence", + "text": "Some confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q19_b_W82", + "questions": [ + { + "key": "GAP21Q19_b_W82", + "text": "How much confidence do you have in chinese President Xi Jinping to do the right thing regarding world affairs?", + "valid_options": [ + { + "raw": "A lot of confidence", + "text": "A lot of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some confidence", + "text": "Some confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q19_c_W82", + "questions": [ + { + "key": "GAP21Q19_c_W82", + "text": "How much confidence do you have in russian President Vladimir Putin to do the right thing regarding world affairs?", + "valid_options": [ + { + "raw": "A lot of confidence", + "text": "A lot of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some confidence", + "text": "Some confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q19_d_W82", + "questions": [ + { + "key": "GAP21Q19_d_W82", + "text": "How much confidence do you have in german Chancellor Angela Merkel to do the right thing regarding world affairs?", + "valid_options": [ + { + "raw": "A lot of confidence", + "text": "A lot of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some confidence", + "text": "Some confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q19_e_W82", + "questions": [ + { + "key": "GAP21Q19_e_W82", + "text": "How much confidence do you have in french President Emmanuel Macron to do the right thing regarding world affairs?", + "valid_options": [ + { + "raw": "A lot of confidence", + "text": "A lot of confidence", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some confidence", + "text": "Some confidence", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much confidence", + "text": "Not too much confidence", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No confidence at all", + "text": "No confidence at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q20_W82", + "questions": [ + { + "key": "GAP21Q20_W82", + "text": "Overall, do you think having people of many different backgrounds, such as different ethnic groups, religions and races, makes the US", + "valid_options": [ + { + "raw": "A better place to live", + "text": "A better place to live", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A worse place to live", + "text": "A worse place to live", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q21_a_W82", + "questions": [ + { + "key": "GAP21Q21_a_W82", + "text": "In the US, how strong, if at all, are conflicts between people who support different political parties?", + "valid_options": [ + { + "raw": "Very strong conflicts", + "text": "Very strong conflicts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Strong conflicts", + "text": "Strong conflicts", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very strong conflicts", + "text": "Not very strong conflicts", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "There are not conflicts", + "text": "There are not conflicts", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q21_b_W82", + "questions": [ + { + "key": "GAP21Q21_b_W82", + "text": "In the US, how strong, if at all, are conflicts between people who live in cities and people who live in rural areas?", + "valid_options": [ + { + "raw": "Very strong conflicts", + "text": "Very strong conflicts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Strong conflicts", + "text": "Strong conflicts", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very strong conflicts", + "text": "Not very strong conflicts", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "There are not conflicts", + "text": "There are not conflicts", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q21_c_W82", + "questions": [ + { + "key": "GAP21Q21_c_W82", + "text": "In the US, how strong, if at all, are conflicts between people who are religious and people who are not religious?", + "valid_options": [ + { + "raw": "Very strong conflicts", + "text": "Very strong conflicts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Strong conflicts", + "text": "Strong conflicts", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very strong conflicts", + "text": "Not very strong conflicts", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "There are not conflicts", + "text": "There are not conflicts", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q21_d_W82", + "questions": [ + { + "key": "GAP21Q21_d_W82", + "text": "In the US, how strong, if at all, are conflicts between people with different ethnic or racial backgrounds?", + "valid_options": [ + { + "raw": "Very strong conflicts", + "text": "Very strong conflicts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Strong conflicts", + "text": "Strong conflicts", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very strong conflicts", + "text": "Not very strong conflicts", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "There are not conflicts", + "text": "There are not conflicts", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q21_e_W82", + "questions": [ + { + "key": "GAP21Q21_e_W82", + "text": "In the US, how strong, if at all, are conflicts between people who practice different religions?", + "valid_options": [ + { + "raw": "Very strong conflicts", + "text": "Very strong conflicts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Strong conflicts", + "text": "Strong conflicts", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not very strong conflicts", + "text": "Not very strong conflicts", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "There are not conflicts", + "text": "There are not conflicts", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q22_W82", + "questions": [ + { + "key": "GAP21Q22_W82", + "text": "When it comes to important issues facing the US, people may disagree over policies, but do you think most people", + "valid_options": [ + { + "raw": "Agree on the basic facts", + "text": "Agree on the basic facts", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Disagree on the basic facts", + "text": "Disagree on the basic facts", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q23_W82", + "questions": [ + { + "key": "GAP21Q23_W82", + "text": "In the US, do you think discrimination against people based on their race or ethnicity is a", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious problem", + "text": "Not too serious problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q24_W82", + "questions": [ + { + "key": "GAP21Q24_W82", + "text": "How concerned are you, if at all, that global climate change will harm you personally at some point in your lifetime?", + "valid_options": [ + { + "raw": "Very concerned", + "text": "Very concerned", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat concerned", + "text": "Somewhat concerned", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too concerned", + "text": "Not too concerned", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all concerned", + "text": "Not at all concerned", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q25_W82", + "questions": [ + { + "key": "GAP21Q25_W82", + "text": "How much, if anything, would you be willing to change about how you live and work to help reduce the effects of global climate change? Would you be willing to make", + "valid_options": [ + { + "raw": "A lot of changes", + "text": "A lot of changes", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some changes", + "text": "Some changes", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Only a few changes", + "text": "Only a few changes", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "No changes at all", + "text": "No changes at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q26_a_W82", + "questions": [ + { + "key": "GAP21Q26_a_W82", + "text": "Would you say the US is doing a good or bad job dealing with global climate change?", + "valid_options": [ + { + "raw": "Very good job", + "text": "Very good job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good job", + "text": "Somewhat good job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad job", + "text": "Somewhat bad job", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad job", + "text": "Very bad job", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q26_b_W82", + "questions": [ + { + "key": "GAP21Q26_b_W82", + "text": "Would you say the United Nations are doing a good or bad job dealing with global climate change?", + "valid_options": [ + { + "raw": "Very good job", + "text": "Very good job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good job", + "text": "Somewhat good job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad job", + "text": "Somewhat bad job", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad job", + "text": "Very bad job", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q26_c_W82", + "questions": [ + { + "key": "GAP21Q26_c_W82", + "text": "Would you say China is doing a good or bad job dealing with global climate change?", + "valid_options": [ + { + "raw": "Very good job", + "text": "Very good job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good job", + "text": "Somewhat good job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad job", + "text": "Somewhat bad job", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad job", + "text": "Very bad job", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q26_d_W82", + "questions": [ + { + "key": "GAP21Q26_d_W82", + "text": "Would you say the European Union is doing a good or bad job dealing with global climate change?", + "valid_options": [ + { + "raw": "Very good job", + "text": "Very good job", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good job", + "text": "Somewhat good job", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad job", + "text": "Somewhat bad job", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad job", + "text": "Very bad job", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q27_W82", + "questions": [ + { + "key": "GAP21Q27_W82", + "text": "Do you think actions taken by the international community to address global climate change, such as the Paris climate agreement, will mostly", + "valid_options": [ + { + "raw": "Benefit America's economy", + "text": "Benefit America's economy", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Harm America's economy", + "text": "Harm America's economy", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Have no impact on America's economy", + "text": "Have no impact on America's economy", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q28_W82", + "questions": [ + { + "key": "GAP21Q28_W82", + "text": "How confident are you, if at all, that the actions taken by the international community will significantly reduce the effects of global climate change?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q29_W82", + "questions": [ + { + "key": "GAP21Q29_W82", + "text": "What kind of leadership role should the US play in the world? It should", + "valid_options": [ + { + "raw": "Be the single world leader", + "text": "Be the single world leader", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Play a shared leadership role", + "text": "Play a shared leadership role", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not play any leadership role", + "text": "Not play any leadership role", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q30_W82", + "questions": [ + { + "key": "GAP21Q30_W82", + "text": "Should the US be the most active of the leading nations, or should it be about as active as other leading nations?", + "valid_options": [ + { + "raw": "Most active", + "text": "Most active", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "About as active", + "text": "About as active", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q31_W82", + "questions": [ + { + "key": "GAP21Q31_W82", + "text": "How important, if at all, is it that the US is generally respected by other countries around the world?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q32_W82", + "questions": [ + { + "key": "GAP21Q32_W82", + "text": "Now that Joe Biden is president, do you think other countries view the U.S", + "valid_options": [ + { + "raw": "A lot more positively", + "text": "A lot more positively", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little more positively", + "text": "A little more positively", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A little more negatively", + "text": "A little more negatively", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A lot more negatively", + "text": "A lot more negatively", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_a_W82", + "questions": [ + { + "key": "GAP21Q33_a_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think preventing the spread of weapons of mass destruction should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_b_W82", + "questions": [ + { + "key": "GAP21Q33_b_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think protecting the jobs of American workers should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_c_W82", + "questions": [ + { + "key": "GAP21Q33_c_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think strengthening the United Nations should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_d_W82", + "questions": [ + { + "key": "GAP21Q33_d_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think reducing US military commitments overseas should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_e_W82", + "questions": [ + { + "key": "GAP21Q33_e_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think limiting the power and influence of Russia should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_f_W82", + "questions": [ + { + "key": "GAP21Q33_f_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think promoting democracy in other nations should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_g_W82", + "questions": [ + { + "key": "GAP21Q33_g_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think reducing illegal immigration into the US should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_h_W82", + "questions": [ + { + "key": "GAP21Q33_h_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think limiting the power and influence of China should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_i_W82", + "questions": [ + { + "key": "GAP21Q33_i_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think maintaining the US military advantage over all other countries should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_j_W82", + "questions": [ + { + "key": "GAP21Q33_j_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think dealing with global climate change should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_k_W82", + "questions": [ + { + "key": "GAP21Q33_k_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think reducing our trade deficit with foreign countries should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_l_W82", + "questions": [ + { + "key": "GAP21Q33_l_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think promoting and defending human rights in other countries should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_m_W82", + "questions": [ + { + "key": "GAP21Q33_m_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think reducing the spread of infectious diseases should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_n_W82", + "questions": [ + { + "key": "GAP21Q33_n_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think limiting the power and influence of Iran should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_o_W82", + "questions": [ + { + "key": "GAP21Q33_o_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think improving relationships with our allies should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_p_W82", + "questions": [ + { + "key": "GAP21Q33_p_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think taking measures to protect the U.S. from terrorist attacks should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_q_W82", + "questions": [ + { + "key": "GAP21Q33_q_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think getting other countries to assume more of the costs of maintaining world order should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_r_W82", + "questions": [ + { + "key": "GAP21Q33_r_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think aiding refugees fleeing violence around the world should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_s_W82", + "questions": [ + { + "key": "GAP21Q33_s_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think reducing legal immigrations into the US should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q33_t_W82", + "questions": [ + { + "key": "GAP21Q33_t_W82", + "text": "Thinking about long-range foreign policy goals, how much priority, if any, do you think limiting the power and influence of North Korea should be given?", + "valid_options": [ + { + "raw": "Top priority", + "text": "Top priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some priority", + "text": "Some priority", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "No priority", + "text": "No priority", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_a_W82", + "questions": [ + { + "key": "GAP21Q34_a_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do make good decisions about international trade?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_b_W82", + "questions": [ + { + "key": "GAP21Q34_b_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do deal effectively with the threat of terrorism?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_c_W82", + "questions": [ + { + "key": "GAP21Q34_c_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do make good decisions about the use of military force?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_d_W82", + "questions": [ + { + "key": "GAP21Q34_d_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do deal effectively with global climate change?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_e_W82", + "questions": [ + { + "key": "GAP21Q34_e_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do improve relationships with our allies?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q34_f_W82", + "questions": [ + { + "key": "GAP21Q34_f_W82", + "text": "Thinking about Joe Biden's ability to handle a number of things, how confident are you that Joe Biden can do deal effectively with China?", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q35_W82", + "questions": [ + { + "key": "GAP21Q35_W82", + "text": "Which statement comes closer to your view, even if neither is exactly right?", + "valid_options": [ + { + "raw": "many of the problems facing our country can be solved by working with other countries", + "text": "many of the problems facing our country can be solved by working with other countries", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "few of the problems facing our country can be solved by working with other countries", + "text": "few of the problems facing our country can be solved by working with other countries", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q36_W82", + "questions": [ + { + "key": "GAP21Q36_W82", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "In foreign policy, the US should take into account the interests of its allies even if it means making compromises wit", + "text": "In foreign policy, the US should take into account the interests of its allies even if it means making compromises wit", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In foreign policy, the US should follow its own national interests even when its allies strongly disagree", + "text": "In foreign policy, the US should follow its own national interests even when its allies strongly disagree", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q37_W82", + "questions": [ + { + "key": "GAP21Q37_W82", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "It's best for the future of our country to be active in world affairs", + "text": "It's best for the future of our country to be active in world affairs", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "We should pay less attention to problems overseas and concentrate on problems here at home", + "text": "We should pay less attention to problems overseas and concentrate on problems here at home", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q38_a_W82", + "questions": [ + { + "key": "GAP21Q38_a_W82", + "text": "How much, if at all, do you think the US benefits from being a member of north Atlantic Treaty Organization, or NATO organizations?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q38_b_W82", + "questions": [ + { + "key": "GAP21Q38_b_W82", + "text": "How much, if at all, do you think the US benefits from being a member of the United Nations organizations?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q38_c_W82", + "questions": [ + { + "key": "GAP21Q38_c_W82", + "text": "How much, if at all, do you think the US benefits from being a member of the World Health Organization, or WHO organizations?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q40_W82", + "questions": [ + { + "key": "GAP21Q40_W82", + "text": "On balance, do you think of China as a partner of the US, a competitor of the US or an enemy of the US?", + "valid_options": [ + { + "raw": "Partner", + "text": "Partner", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Competitor", + "text": "Competitor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Enemy", + "text": "Enemy", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q41_W82", + "questions": [ + { + "key": "GAP21Q41_W82", + "text": "Overall, do you think current economic relations between the US and China are very good, somewhat good, somewhat bad or very bad?", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q42_W82", + "questions": [ + { + "key": "GAP21Q42_W82", + "text": "Thinking about our economic and trade policy toward China, which is more important?", + "valid_options": [ + { + "raw": "Building a strong relationship with China on economic issues", + "text": "Building a strong relationship with China on economic issues", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Getting tougher with China on economic issues", + "text": "Getting tougher with China on economic issues", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_a_W82", + "questions": [ + { + "key": "GAP21Q43_a_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: The loss of US jobs to China", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_b_W82", + "questions": [ + { + "key": "GAP21Q43_b_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: The US trade deficit with China", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_c_W82", + "questions": [ + { + "key": "GAP21Q43_c_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: China's policies on human rights", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_d_W82", + "questions": [ + { + "key": "GAP21Q43_d_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: Tensions between China and Taiwan", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_e_W82", + "questions": [ + { + "key": "GAP21Q43_e_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: Cyberattacks from China", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_f_W82", + "questions": [ + { + "key": "GAP21Q43_f_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: China's growing military power", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_g_W82", + "questions": [ + { + "key": "GAP21Q43_g_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: China's growing technological power", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q43_h_W82", + "questions": [ + { + "key": "GAP21Q43_h_W82", + "text": "Please indicate how much of a problem, if at all, the following would be for the US: Tensions between Mainland China and Hong Kong", + "valid_options": [ + { + "raw": "Very serious problem", + "text": "Very serious problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat serious problem", + "text": "Somewhat serious problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too serious of a problem", + "text": "Not too serious of a problem", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not a problem at all", + "text": "Not a problem at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q46_W82", + "questions": [ + { + "key": "GAP21Q46_W82", + "text": "Do you think it's good or bad for US colleges and universities to accept international students?", + "valid_options": [ + { + "raw": "Good", + "text": "Good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Bad", + "text": "Bad", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GAP21Q47_W82", + "questions": [ + { + "key": "GAP21Q47_W82", + "text": "When it comes to whether or not to limit Chinese students studying in the US, do you", + "valid_options": [ + { + "raw": "Strongly support limiting Chinese students", + "text": "Strongly support limiting Chinese students", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat support limiting Chinese students", + "text": "Somewhat support limiting Chinese students", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat oppose limiting Chinese students", + "text": "Somewhat oppose limiting Chinese students", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose limiting Chinese students", + "text": "Strongly oppose limiting Chinese students", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/ATP/American_Trends_Panel_W92/variables.json b/variables/ATP/American_Trends_Panel_W92/variables.json new file mode 100644 index 0000000..d5a17ca --- /dev/null +++ b/variables/ATP/American_Trends_Panel_W92/variables.json @@ -0,0 +1,2911 @@ +[ + { + "name": "POL1JB_W92", + "questions": [ + { + "key": "POL1JB_W92", + "text": "Do you approve or disapprove of the way Joe Biden is handling his job as president?", + "valid_options": [ + { + "raw": "Approve", + "text": "Approve", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Disapprove", + "text": "Disapprove", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LIFEFIFTY_W92", + "questions": [ + { + "key": "LIFEFIFTY_W92", + "text": "In general, would you say life in America today is better, worse, or about the same as it was 50 years ago for people like you?", + "valid_options": [ + { + "raw": "Better", + "text": "Better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Worse", + "text": "Worse", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the same", + "text": "About the same", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BIGHOUSES_W92", + "questions": [ + { + "key": "BIGHOUSES_W92", + "text": "Would you prefer to live in a community where the houses are", + "valid_options": [ + { + "raw": "Larger and farther apart, but schools, stores, and restaurants are several miles away", + "text": "Larger and farther apart, but schools, stores, and restaurants are several miles away", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Smaller and closer to each other, but schools, stores, and restaurants are within walking distance", + "text": "Smaller and closer to each other, but schools, stores, and restaurants are within walking distance", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_CHR_W92", + "questions": [ + { + "key": "INSTN_CHR_W92", + "text": "Are churches and religious organizations having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_CLGS_W92", + "questions": [ + { + "key": "INSTN_CLGS_W92", + "text": "Are colleges and universities having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_LGECRP_W92", + "questions": [ + { + "key": "INSTN_LGECRP_W92", + "text": "Are large corporations having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_MSCENT_W92", + "questions": [ + { + "key": "INSTN_MSCENT_W92", + "text": "Is the entertainment industry having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_LBRUN_W92", + "questions": [ + { + "key": "INSTN_LBRUN_W92", + "text": "Are labor unions having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_K12_W92", + "questions": [ + { + "key": "INSTN_K12_W92", + "text": "Are k-12 public schools having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_BNKS_W92", + "questions": [ + { + "key": "INSTN_BNKS_W92", + "text": "Are banks and other financial institutions having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "INSTN_TECHCMP_W92", + "questions": [ + { + "key": "INSTN_TECHCMP_W92", + "text": "Are technology companies having a positive or negative effect on the way things are going in the country these days?", + "valid_options": [ + { + "raw": "Positive effect", + "text": "Positive effect", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Negative effect", + "text": "Negative effect", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "DIFFPARTY_W92", + "questions": [ + { + "key": "DIFFPARTY_W92", + "text": "Thinking about the Democratic and Republican parties, would you say there is", + "valid_options": [ + { + "raw": "A great deal of difference in what they stand for", + "text": "A great deal of difference in what they stand for", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount of difference in what they stand for", + "text": "A fair amount of difference in what they stand for", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Hardly any difference at all in what they stand for", + "text": "Hardly any difference at all in what they stand for", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVSIZE1_W92", + "questions": [ + { + "key": "GOVSIZE1_W92", + "text": "If you had to choose, would you rather have", + "valid_options": [ + { + "raw": "A smaller government providing fewer services", + "text": "A smaller government providing fewer services", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A bigger government providing more services", + "text": "A bigger government providing more services", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVSIZE2_W92", + "questions": [ + { + "key": "GOVSIZE2_W92", + "text": "When you say you favor a smaller government providing fewer services, do you think it would be better to", + "valid_options": [ + { + "raw": "Eliminate most current government services", + "text": "Eliminate most current government services", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Modestly reduce current government services", + "text": "Modestly reduce current government services", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVSIZE3_W92", + "questions": [ + { + "key": "GOVSIZE3_W92", + "text": "When you say you favor a bigger government providing more services, do you think it would be better to", + "valid_options": [ + { + "raw": "Modestly expand on current government services", + "text": "Modestly expand on current government services", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Greatly expand on current government services", + "text": "Greatly expand on current government services", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "USEXCEPT_W92", + "questions": [ + { + "key": "USEXCEPT_W92", + "text": "Which of these statements best describes your opinion about the United States?", + "valid_options": [ + { + "raw": "The U.S. stands above all other countries in the world", + "text": "The U.S. stands above all other countries in the world", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The U.S. is one of the greatest countries in the world, along with some others", + "text": "The U.S. is one of the greatest countries in the world, along with some others", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "There are other countries that are better than the U.S.", + "text": "There are other countries that are better than the U.S.", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WOMENOBS_W92", + "questions": [ + { + "key": "WOMENOBS_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "The obstacles that once made it harder for women than men to get ahead are now largely gone", + "text": "The obstacles that once made it harder for women than men to get ahead are now largely gone", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "There are still significant obstacles that make it harder for women to get ahead than men", + "text": "There are still significant obstacles that make it harder for women to get ahead than men", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ECONFAIR_W92", + "questions": [ + { + "key": "ECONFAIR_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "The economic system in this country unfairly favors powerful interests", + "text": "The economic system in this country unfairly favors powerful interests", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "The economic system in this country is generally fair to most Americans", + "text": "The economic system in this country is generally fair to most Americans", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "OPENIDEN_W92", + "questions": [ + { + "key": "OPENIDEN_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "America's openness to people from all over the world is essential to who we are as a nation", + "text": "America's openness to people from all over the world is essential to who we are as a nation", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "If America is too open to people from all over the world, we risk losing our identity as a nation", + "text": "If America is too open to people from all over the world, we risk losing our identity as a nation", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VTRGHTPRIV1_W92", + "questions": [ + { + "key": "VTRGHTPRIV1_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Voting is a fundamental right for every adult U.S. citizen and should not be restricted in any way", + "text": "Voting is a fundamental right for every adult U.S. citizen and should not be restricted in any way", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Voting is a privilege that comes with responsibilities and can be limited if adult U.S. citizens don't meet some require", + "text": "Voting is a privilege that comes with responsibilities and can be limited if adult U.S. citizens don't meet some require", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ALLIES_W92", + "questions": [ + { + "key": "ALLIES_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "In foreign policy, the U.S. should take into account the interests of its allies even if it means making compromises", + "text": "In foreign policy, the U.S. should take into account the interests of its allies even if it means making compromises", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "In foreign policy, the U.S. should follow its own national interests even when its allies strongly disagree", + "text": "In foreign policy, the U.S. should follow its own national interests even when its allies strongly disagree", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PEACESTR_W92", + "questions": [ + { + "key": "PEACESTR_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "The best way to ensure peace is through military strength", + "text": "The best way to ensure peace is through military strength", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Good diplomacy is the best way to ensure peace", + "text": "Good diplomacy is the best way to ensure peace", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVWASTE_W92", + "questions": [ + { + "key": "GOVWASTE_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Government is almost always wasteful and inefficient", + "text": "Government is almost always wasteful and inefficient", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government often does a better job than people give it credit for", + "text": "Government often does a better job than people give it credit for", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "COMPROMISEVAL_W92", + "questions": [ + { + "key": "COMPROMISEVAL_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Compromise in politics is really just selling out on what you believe in", + "text": "Compromise in politics is really just selling out on what you believe in", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Compromise is how things get done in politics, even though it sometimes means sacrificing your beliefs", + "text": "Compromise is how things get done in politics, even though it sometimes means sacrificing your beliefs", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POORASSIST_W92", + "questions": [ + { + "key": "POORASSIST_W92", + "text": "Thinking about assistance the government provides to people in need, do you think the government", + "valid_options": [ + { + "raw": "Should provide more assistance", + "text": "Should provide more assistance", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Should provide less assistance", + "text": "Should provide less assistance", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Is providing about the right amount of assistance", + "text": "Is providing about the right amount of assistance", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PAR2CHILD_W92", + "questions": [ + { + "key": "PAR2CHILD_W92", + "text": "Children with two parents are", + "valid_options": [ + { + "raw": "Better off when a parent stays home to focus on the family", + "text": "Better off when a parent stays home to focus on the family", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Just as well off when their parents work outside the home", + "text": "Just as well off when their parents work outside the home", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PAR2CHILDa_W92", + "questions": [ + { + "key": "PAR2CHILDa_W92", + "text": "If one parent is able to stay home to focus on the family, is it generally better if that parent is the", + "valid_options": [ + { + "raw": "Mother", + "text": "Mother", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Father", + "text": "Father", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "It doesn't matter which parent stays home", + "text": "It doesn't matter which parent stays home", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLICY3MOD_W92", + "questions": [ + { + "key": "POLICY3MOD_W92", + "text": "In general, would you say experts who study a subject for many years are", + "valid_options": [ + { + "raw": "Usually better at making good policy decisions about that subject than other people", + "text": "Usually better at making good policy decisions about that subject than other people", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Usually worse at making good policy decisions about that subject than other people", + "text": "Usually worse at making good policy decisions about that subject than other people", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "neither better nor worse at making good policy decisions about that subject than other people", + "text": "neither better nor worse at making good policy decisions about that subject than other people", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "WHADVANT_W92", + "questions": [ + { + "key": "WHADVANT_W92", + "text": "In general, how much do White people benefit from advantages in society that Black people do not have?", + "valid_options": [ + { + "raw": "A great deal", + "text": "A great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A fair amount", + "text": "A fair amount", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too much", + "text": "Not too much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SUPERPWR_W92", + "questions": [ + { + "key": "SUPERPWR_W92", + "text": "In the future, do you think", + "valid_options": [ + { + "raw": "U.S. policies should try to keep it so America is the only military superpower", + "text": "U.S. policies should try to keep it so America is the only military superpower", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "It would be acceptable if another country became as militarily powerful as the U.S.", + "text": "It would be acceptable if another country became as militarily powerful as the U.S.", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "IL_IMM_PRI_W92", + "questions": [ + { + "key": "IL_IMM_PRI_W92", + "text": "What should be the priority for dealing with illegal immigration in the U.S.?", + "valid_options": [ + { + "raw": "Better border security and stronger enforcement of our immigration laws", + "text": "Better border security and stronger enforcement of our immigration laws", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Creating a way for immigrants already here illegally to become citizens if they meet certain requirements", + "text": "Creating a way for immigrants already here illegally to become citizens if they meet certain requirements", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Both should be given equal priority", + "text": "Both should be given equal priority", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BILLION_W92", + "questions": [ + { + "key": "BILLION_W92", + "text": "Do you think the fact that there are some people in this country who have personal fortunes of a billion dollars or more is", + "valid_options": [ + { + "raw": "A good thing for the country", + "text": "A good thing for the country", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A bad thing for the country", + "text": "A bad thing for the country", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither a good thing or a bad thing", + "text": "Neither a good thing or a bad thing", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GLBLZE_W92", + "questions": [ + { + "key": "GLBLZE_W92", + "text": "All in all, would you say that the U.S. has", + "valid_options": [ + { + "raw": "Gained more than it has lost from increased trade", + "text": "Gained more than it has lost from increased trade", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Lost more than it has gained from increased trade", + "text": "Lost more than it has gained from increased trade", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FP_AUTH_W92", + "questions": [ + { + "key": "FP_AUTH_W92", + "text": "In foreign policy, the U.S. should", + "valid_options": [ + { + "raw": "Work with any country to achieve U.S. goals, even if that sometimes means working closely with dictators or countries th", + "text": "Work with any country to achieve U.S. goals, even if that sometimes means working closely with dictators or countries th", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Not work with dictators or countries that do not share our democratic values, even if that sometimes makes it harder to", + "text": "Not work with dictators or countries that do not share our democratic values, even if that sometimes makes it harder to", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVTHC_W92", + "questions": [ + { + "key": "GOVTHC_W92", + "text": "Do you think it is the responsibility of the federal government to make sure all Americans have health care coverage?", + "valid_options": [ + { + "raw": "Yes, it is", + "text": "Yes, it is", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "No, it is not", + "text": "No, it is not", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SNGLPYER_W92", + "questions": [ + { + "key": "SNGLPYER_W92", + "text": "Should health insurance", + "valid_options": [ + { + "raw": "Be provided through a single national health insurance system run by the government", + "text": "Be provided through a single national health insurance system run by the government", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Continue to be provided through a mix of private insurance companies and government programs", + "text": "Continue to be provided through a mix of private insurance companies and government programs", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "NOGOVTHC_W92", + "questions": [ + { + "key": "NOGOVTHC_W92", + "text": "Should the government", + "valid_options": [ + { + "raw": "Not be involved in providing health insurance at all", + "text": "Not be involved in providing health insurance at all", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Continue programs like Medicare and Medicaid for seniors and the very poor", + "text": "Continue programs like Medicare and Medicaid for seniors and the very poor", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "FREECOLL_W92", + "questions": [ + { + "key": "FREECOLL_W92", + "text": "Would you favor or oppose making tuition at public colleges and universities free for all American students?", + "valid_options": [ + { + "raw": "Strongly favor", + "text": "Strongly favor", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat favor", + "text": "Somewhat favor", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat oppose", + "text": "Somewhat oppose", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Strongly oppose", + "text": "Strongly oppose", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CRIM_SENT2_W92", + "questions": [ + { + "key": "CRIM_SENT2_W92", + "text": "Overall, would you say people who are convicted of crimes in this country serve", + "valid_options": [ + { + "raw": "Too much time in prison", + "text": "Too much time in prison", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Too little time in prison", + "text": "Too little time in prison", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "About the right amount of time in prison", + "text": "About the right amount of time in prison", + "natural_language": null, + "ordinal": 1.5 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "USMILSIZ_W92", + "questions": [ + { + "key": "USMILSIZ_W92", + "text": "Thinking about the size of America's military, do you think it should be", + "valid_options": [ + { + "raw": "Reduced a great deal", + "text": "Reduced a great deal", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Reduced somewhat", + "text": "Reduced somewhat", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Kept about as is", + "text": "Kept about as is", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Increased somewhat", + "text": "Increased somewhat", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Increased a great deal", + "text": "Increased a great deal", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROG_RRETRO_W92", + "questions": [ + { + "key": "PROG_RRETRO_W92", + "text": "How much progress, if any, do you think the country has made over the last 50 years toward ensuring equal rights for all Americans regardless of their racial or ethnic backgrounds?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "None at all", + "text": "None at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROG_RNEED_W92", + "questions": [ + { + "key": "PROG_RNEED_W92", + "text": "How much more, if anything, needs to be done to ensure equal rights for all Americans regardless of their racial or ethnic backgrounds?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little", + "text": "A little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Nothing at all", + "text": "Nothing at all", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROG_RNEED2b_W92", + "questions": [ + { + "key": "PROG_RNEED2b_W92", + "text": "Which comes closer to your view about what needs to be done to ensure equal rights for all Americans regardless of their racial or ethnic backgrounds?", + "valid_options": [ + { + "raw": "Most U.S. laws and major institutions need to be completely rebuilt because they are fundamentally biased against some r", + "text": "Most U.S. laws and major institutions need to be completely rebuilt because they are fundamentally biased against some r", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "While there are many inequities in U.S. laws and institutions, necessary changes can be made by working within the curre", + "text": "While there are many inequities in U.S. laws and institutions, necessary changes can be made by working within the curre", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELITEUNDMOD_W92", + "questions": [ + { + "key": "ELITEUNDMOD_W92", + "text": "In general, do you think people in influential and powerful positions throughout our society understand the challenges people like you face in their daily lives", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLINTOL2_a_W92", + "questions": [ + { + "key": "POLINTOL2_a_W92", + "text": "In general, how comfortable do you think Republicans in this country are to freely and openly express their political views?", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too comfortable", + "text": "Not too comfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all comfortable", + "text": "Not at all comfortable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLINTOL2_b_W92", + "questions": [ + { + "key": "POLINTOL2_b_W92", + "text": "In general, how comfortable do you think Democrats in this country are to freely and openly express their political views?", + "valid_options": [ + { + "raw": "Very comfortable", + "text": "Very comfortable", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat comfortable", + "text": "Somewhat comfortable", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too comfortable", + "text": "Not too comfortable", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all comfortable", + "text": "Not at all comfortable", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CANQUALPOL_W92", + "questions": [ + { + "key": "CANQUALPOL_W92", + "text": "In general, would you say the quality of the candidates running for political office in the last several years has been", + "valid_options": [ + { + "raw": "Very good", + "text": "Very good", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good", + "text": "Somewhat good", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Somewhat bad", + "text": "Somewhat bad", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Very bad", + "text": "Very bad", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CANMTCHPOL_W92", + "questions": [ + { + "key": "CANMTCHPOL_W92", + "text": "I usually feel like", + "valid_options": [ + { + "raw": "There is at least one candidate who shares most of my views", + "text": "There is at least one candidate who shares most of my views", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "None of the candidates represent my views well", + "text": "None of the candidates represent my views well", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_TRANS_W92", + "questions": [ + { + "key": "SOCIETY_TRANS_W92", + "text": "Do you think greater social acceptance of people who are transgender (people who identify as a gender that is different from the sex they were assigned at birth) is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_RHIST_W92", + "questions": [ + { + "key": "SOCIETY_RHIST_W92", + "text": "Do you think increased public attention to the history of slavery and racism in America is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_JBCLL_W92", + "questions": [ + { + "key": "SOCIETY_JBCLL_W92", + "text": "Do you think good-paying jobs requiring a college degree more often than they used to is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_RELG_W92", + "questions": [ + { + "key": "SOCIETY_RELG_W92", + "text": "Do you think a decline in the share of Americans belonging to an organized religion is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_WHT_W92", + "questions": [ + { + "key": "SOCIETY_WHT_W92", + "text": "Do you think white people declining as a share of the U.S. population is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_GUNS_W92", + "questions": [ + { + "key": "SOCIETY_GUNS_W92", + "text": "Do you think an increase in the number of guns in the U.S. is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SOCIETY_SSM_W92", + "questions": [ + { + "key": "SOCIETY_SSM_W92", + "text": "Do you think same-sex marriages being legal in the U.S. is generally good or bad for our society?", + "valid_options": [ + { + "raw": "Very good for society", + "text": "Very good for society", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat good for society", + "text": "Somewhat good for society", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Neither good nor bad for society", + "text": "Neither good nor bad for society", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Somewhat bad for society", + "text": "Somewhat bad for society", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Very bad for society", + "text": "Very bad for society", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROBOFF_a_W92", + "questions": [ + { + "key": "PROBOFF_a_W92", + "text": "How much of a problem, if any, would you say people being too easily offended by things others say is in the country today?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PROBOFF_b_W92", + "questions": [ + { + "key": "PROBOFF_b_W92", + "text": "How much of a problem, if any, would you say people saying things that are very offensive to others are in the country today?", + "valid_options": [ + { + "raw": "Major problem", + "text": "Major problem", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Minor problem", + "text": "Minor problem", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not a problem", + "text": "Not a problem", + "natural_language": null, + "ordinal": 3.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "BUSPROFIT_W92", + "questions": [ + { + "key": "BUSPROFIT_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Business corporations make too much profit", + "text": "Business corporations make too much profit", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most corporations make a fair and reasonable amount of profit", + "text": "Most corporations make a fair and reasonable amount of profit", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CNTRYFAIR_W92", + "questions": [ + { + "key": "CNTRYFAIR_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Other countries generally treat the United States about as fairly as we treat them", + "text": "Other countries generally treat the United States about as fairly as we treat them", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Other countries often take unfair advantage of the United States", + "text": "Other countries often take unfair advantage of the United States", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVPROTCT_W92", + "questions": [ + { + "key": "GOVPROTCT_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "It's not the government's job to protect people from themselves", + "text": "It's not the government's job to protect people from themselves", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Sometimes laws to protect people from themselves are necessary", + "text": "Sometimes laws to protect people from themselves are necessary", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARRFAM_W92", + "questions": [ + { + "key": "MARRFAM_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Society is better off if people make marriage and having children a priority", + "text": "Society is better off if people make marriage and having children a priority", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Society is just as well off if people have priorities other than marriage and children", + "text": "Society is just as well off if people have priorities other than marriage and children", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOVAID_W92", + "questions": [ + { + "key": "GOVAID_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Government aid to the poor does more harm than good, by making people too dependent on government assistance", + "text": "Government aid to the poor does more harm than good, by making people too dependent on government assistance", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government aid to the poor does more good than harm, because people can't get out of poverty until their basic needs are", + "text": "Government aid to the poor does more good than harm, because people can't get out of poverty until their basic needs are", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG_GOV_W92", + "questions": [ + { + "key": "RELIG_GOV_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Religion should be kept separate from government policies", + "text": "Religion should be kept separate from government policies", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Government policies should support religious values and beliefs", + "text": "Government policies should support religious values and beliefs", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GOODEVIL_W92", + "questions": [ + { + "key": "GOODEVIL_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "Most things in society can be pretty clearly divided into good and evil", + "text": "Most things in society can be pretty clearly divided into good and evil", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Most things in society are too complicated to be clearly divided between good and evil", + "text": "Most things in society are too complicated to be clearly divided between good and evil", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "PPLRESP_W92", + "questions": [ + { + "key": "PPLRESP_W92", + "text": "Please choose the statement that comes closer to your own views.", + "valid_options": [ + { + "raw": "People like me just don't get the respect we deserve in this country", + "text": "People like me just don't get the respect we deserve in this country", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "People like me generally get the respect we deserve in this country", + "text": "People like me generally get the respect we deserve in this country", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACESURV52MOD_W92", + "questions": [ + { + "key": "RACESURV52MOD_W92", + "text": "How much, if at all, would it bother you to regularly hear people speak a language other than English in public places in your community?", + "valid_options": [ + { + "raw": "A lot", + "text": "A lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Some", + "text": "Some", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not much", + "text": "Not much", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all", + "text": "Not at all", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELECT_IMPT3_PRVFR_W92", + "questions": [ + { + "key": "ELECT_IMPT3_PRVFR_W92", + "text": "Thinking about elections in the country, how important, if at all, is people who are not legally qualified to vote are prevented from casting a ballot?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELECT_IMPT3_PRVSUP_W92", + "questions": [ + { + "key": "ELECT_IMPT3_PRVSUP_W92", + "text": "Thinking about elections in the country, how important, if at all, is people who are legally qualified and want to vote are able to cast a ballot?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELECT_CONF3_PRVFR_W92", + "questions": [ + { + "key": "ELECT_CONF3_PRVFR_W92", + "text": "Still thinking about elections in the country, how confident, if at all, are you that people who are not legally qualified to vote are prevented from casting a ballot", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "ELECT_CONF3_PRVSUP_W92", + "questions": [ + { + "key": "ELECT_CONF3_PRVSUP_W92", + "text": "Still thinking about elections in the country, how confident, if at all, are you that people who are legally qualified and want to vote are able to cast a ballot", + "valid_options": [ + { + "raw": "Very confident", + "text": "Very confident", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat confident", + "text": "Somewhat confident", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too confident", + "text": "Not too confident", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all confident", + "text": "Not at all confident", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CANDEXP_W92", + "questions": [ + { + "key": "CANDEXP_W92", + "text": "How important is it, if at all, that candidates running for high levels of political office have prior government experience?", + "valid_options": [ + { + "raw": "Very important", + "text": "Very important", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat important", + "text": "Somewhat important", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "LEGALIMMIGAMT_W92", + "questions": [ + { + "key": "LEGALIMMIGAMT_W92", + "text": "Do you think the number of legal immigrants the U.S. admits should", + "valid_options": [ + { + "raw": "Increase a lot", + "text": "Increase a lot", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Increase a little", + "text": "Increase a little", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Stay about the same", + "text": "Stay about the same", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Decrease a little", + "text": "Decrease a little", + "natural_language": null, + "ordinal": 4.0 + }, + { + "raw": "Decrease a lot", + "text": "Decrease a lot", + "natural_language": null, + "ordinal": 5.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "UNIMMIGCOMM_W92", + "questions": [ + { + "key": "UNIMMIGCOMM_W92", + "text": "When it comes to people who have immigrated to the U.S illegally, do you think they generally make the communities they live in", + "valid_options": [ + { + "raw": "A lot better", + "text": "A lot better", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "A little better", + "text": "A little better", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "A little worse", + "text": "A little worse", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "A lot worse", + "text": "A lot worse", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "GODMORALIMP_W92", + "questions": [ + { + "key": "GODMORALIMP_W92", + "text": "Regardless of your own religious beliefs, how important, if at all, do you think it is for a person to believe in God in order to be considered good and moral?", + "valid_options": [ + { + "raw": "Essential", + "text": "Essential", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Important, but not essential", + "text": "Important, but not essential", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too important", + "text": "Not too important", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all important", + "text": "Not at all important", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REPRSNTREP_W92", + "questions": [ + { + "key": "REPRSNTREP_W92", + "text": "How well does the Republican party represent the interests of people like you?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "REPRSNTDEM_W92", + "questions": [ + { + "key": "REPRSNTDEM_W92", + "text": "How well does the Democratic party represent the interests of people like you?", + "valid_options": [ + { + "raw": "Very well", + "text": "Very well", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "Somewhat well", + "text": "Somewhat well", + "natural_language": null, + "ordinal": 2.0 + }, + { + "raw": "Not too well", + "text": "Not too well", + "natural_language": null, + "ordinal": 3.0 + }, + { + "raw": "Not at all well", + "text": "Not at all well", + "natural_language": null, + "ordinal": 4.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "VTRS_VALS_W92", + "questions": [ + { + "key": "VTRS_VALS_W92", + "text": "They may feel differently than I do about politics", + "valid_options": [ + { + "raw": "But they probably share many of my other values and goals", + "text": "But they probably share many of my other values and goals", + "natural_language": null, + "ordinal": 1.0 + }, + { + "raw": "And they probably don't share many of my other values and goals, either", + "text": "And they probably don't share many of my other values and goals, either", + "natural_language": null, + "ordinal": 2.0 + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CREGION", + "questions": [ + { + "key": "CREGION", + "text": "Which part of the United States do you currently live in?", + "valid_options": [ + { + "raw": "Midwest", + "text": "Midwest", + "natural_language": "I live in the Midwest of the United States." + }, + { + "raw": "Northeast", + "text": "Northeast", + "natural_language": "I live in the Northeast of the United States." + }, + { + "raw": "South", + "text": "South", + "natural_language": "I live in the South of the United States." + }, + { + "raw": "West", + "text": "West", + "natural_language": "I live in the West of the United States." + } + ], + "invalid_options": [] + } + ] + }, + { + "name": "AGE", + "questions": [ + { + "key": "AGE", + "text": "How old are you?", + "valid_options": [ + { + "raw": "18-29", + "text": "18-29", + "natural_language": "I am between 18-29 years old." + }, + { + "raw": "30-49", + "text": "30-49", + "natural_language": "I am between 30-49 years old." + }, + { + "raw": "50-64", + "text": "50-64", + "natural_language": "I am between 50-64 years old." + }, + { + "raw": "65+", + "text": "65+", + "natural_language": "I am 65+ years old." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "SEX", + "questions": [ + { + "key": "SEX", + "text": "What is the sex that you were assigned at birth?", + "valid_options": [ + { + "raw": "Female", + "text": "Female", + "natural_language": "I am female." + }, + { + "raw": "Male", + "text": "Male", + "natural_language": "I am male." + } + ], + "invalid_options": [ + "In some other way", + "Refused" + ] + } + ] + }, + { + "name": "EDUCATION", + "questions": [ + { + "key": "EDUCATION", + "text": "What is the highest level of schooling or degree that you have completed?", + "valid_options": [ + { + "raw": "Associate's degree", + "text": "Associate's degree", + "natural_language": "I earned an associate's degree." + }, + { + "raw": "College graduate/some postgrad", + "text": "graduated from college", + "natural_language": "I graduated from college." + }, + { + "raw": "High school graduate", + "text": "High school graduate", + "natural_language": "I graduated from high school." + }, + { + "raw": "Less than high school", + "text": "Less than high school", + "natural_language": "I did not graduate from high school." + }, + { + "raw": "Postgraduate", + "text": "Postgraduate", + "natural_language": "I went to graduate school." + }, + { + "raw": "Some college, no degree", + "text": "Some college, no degree", + "natural_language": "I went to some college." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "CITIZEN", + "questions": [ + { + "key": "CITIZEN", + "text": "Are you a citizen of the United States?", + "valid_options": [ + { + "raw": "No", + "text": "No", + "natural_language": "I am not a citizen of the United States." + }, + { + "raw": "Yes", + "text": "Yes", + "natural_language": "I am a citizen of the United States." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "MARITAL", + "questions": [ + { + "key": "MARITAL", + "text": "Which of these best describes you?", + "valid_options": [ + { + "raw": "Divorced", + "text": "Divorced", + "natural_language": "I am divorced." + }, + { + "raw": "Living with a partner", + "text": "Living with a partner", + "natural_language": "I am living with a partner." + }, + { + "raw": "Married", + "text": "Married", + "natural_language": "I am married." + }, + { + "raw": "Never been married", + "text": "Never been married", + "natural_language": "I have never been married." + }, + { + "raw": "Separated", + "text": "Separated", + "natural_language": "I am separated from my partner." + }, + { + "raw": "Widowed", + "text": "Widowed", + "natural_language": "I am widowed." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RELIG", + "questions": [ + { + "key": "RELIG", + "text": "What is your present religion, if any?", + "valid_options": [ + { + "raw": "Agnostic", + "text": "Agnostic", + "natural_language": "Religiously speaking, I am agnostic." + }, + { + "raw": "Atheist", + "text": "Atheist", + "natural_language": "Religiously speaking, I am atheist." + }, + { + "raw": "Buddhist", + "text": "Buddhist", + "natural_language": "Religiously speaking, I am Buddhist." + }, + { + "raw": "Hindu", + "text": "Hindu", + "natural_language": "Religiously speaking, I am Hindu." + }, + { + "raw": "Jewish", + "text": "Jewish", + "natural_language": "Religiously speaking, I am Jewish." + }, + { + "raw": "Mormon", + "text": "Mormon", + "natural_language": "Religiously speaking, I am a member of the Church of Jesus Christ of Latter-day Saints." + }, + { + "raw": "Muslim", + "text": "Muslim", + "natural_language": "Religiously speaking, I am Muslim." + }, + { + "raw": "Nothing in particular", + "text": "Nothing in particular", + "natural_language": "Religiously speaking, I don't identify with anything in particular." + }, + { + "raw": "Orthodox", + "text": "Orthodox", + "natural_language": "Religiously speaking, I am Orthodox." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "Religiously speaking, I am not mainstream." + }, + { + "raw": "Protestant", + "text": "Protestant", + "natural_language": "Religiously speaking, I am Protestant." + }, + { + "raw": "Roman Catholic", + "text": "Roman Catholic", + "natural_language": "Religiously speaking, I am Roman Catholic." + } + ], + "invalid_options": [ + "Refused", + "Christian", + "Unitarian" + ] + } + ] + }, + { + "name": "RELIGATTEND", + "questions": [ + { + "key": "RELIGATTEND", + "text": "Aside from weddings and funerals, how often do you attend religious services?", + "valid_options": [ + { + "raw": "A few times a year", + "text": "A few times a year", + "natural_language": "I attend religious services a few times a year." + }, + { + "raw": "More than once a week", + "text": "More than once a week", + "natural_language": "I attend religious services more than once a week." + }, + { + "raw": "Never", + "text": "Never", + "natural_language": "I never attend religious services." + }, + { + "raw": "Once a week", + "text": "Once a week", + "natural_language": "I attend religious services once a week." + }, + { + "raw": "Once or twice a month", + "text": "Once or twice a month", + "natural_language": "I attend religious services once or twice a month." + }, + { + "raw": "Seldom", + "text": "Seldom", + "natural_language": "I seldom attend religious services." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLPARTY", + "questions": [ + { + "key": "POLPARTY", + "text": "In politics today, what do you consider yourself?", + "valid_options": [ + { + "raw": "Democrat", + "text": "Democrat", + "natural_language": "Politically, I am a Democrat." + }, + { + "raw": "Independent", + "text": "Independent", + "natural_language": "Politically, I am an independent." + }, + { + "raw": "Republican", + "text": "Republican", + "natural_language": "Politically, I am a Republican." + } + ], + "invalid_options": [ + "Other", + "Refused" + ] + } + ] + }, + { + "name": "INCOME", + "questions": [ + { + "key": "INCOME", + "text": "Last year, what was your total family income from all sources, before taxes?", + "valid_options": [ + { + "raw": "$100,000 or more", + "text": "$100,000 or more", + "natural_language": "Last year, my household income was $100,000 or more before taxes." + }, + { + "raw": "$30,000-$50,000", + "text": "$30,000-$50,000", + "natural_language": "Last year, my household income was $30,000-$50,000 before taxes." + }, + { + "raw": "$50,000-$75,000", + "text": "$50,000-$75,000", + "natural_language": "Last year, my household income was $50,000-$75,000 before taxes." + }, + { + "raw": "$75,000-$100,000", + "text": "$75,000-$100,000", + "natural_language": "Last year, my household income was $75,000-$100,000 before taxes." + }, + { + "raw": "Less than $30,000", + "text": "Less than $30,000", + "natural_language": "Last year, my household income was less than $30,000 before taxes." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "POLIDEOLOGY", + "questions": [ + { + "key": "POLIDEOLOGY", + "text": "In general, how would you describe your political ideology?", + "valid_options": [ + { + "raw": "Conservative", + "text": "Conservative", + "natural_language": "Politically, I am conservative." + }, + { + "raw": "Liberal", + "text": "Liberal", + "natural_language": "Politically, I am liberal." + }, + { + "raw": "Moderate", + "text": "Moderate", + "natural_language": "Politically, I am moderate." + }, + { + "raw": "Very conservative", + "text": "Very conservative", + "natural_language": "Politically, I am very conservative." + }, + { + "raw": "Very liberal", + "text": "Very liberal", + "natural_language": "Politically, I am very liberal." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + }, + { + "name": "RACE", + "questions": [ + { + "key": "RACE", + "text": "What is your race or origin?", + "valid_options": [ + { + "raw": "Asian", + "text": "Asian", + "natural_language": "I am Asian." + }, + { + "raw": "Black", + "text": "Black", + "natural_language": "I am Black." + }, + { + "raw": "Hispanic", + "text": "Hispanic", + "natural_language": "I am Hispanic." + }, + { + "raw": "Mixed Race", + "text": "Mixed Race", + "natural_language": "I am mixed race." + }, + { + "raw": "Other", + "text": "Other", + "natural_language": "I am racially ambiguous." + }, + { + "raw": "White", + "text": "White", + "natural_language": "I am White." + } + ], + "invalid_options": [ + "Refused" + ] + } + ] + } +] \ No newline at end of file diff --git a/variables/evo/variables.json b/variables/evo/variables.json new file mode 100644 index 0000000..14391d3 --- /dev/null +++ b/variables/evo/variables.json @@ -0,0 +1,770 @@ +[ + { + "name": "age", + "questions": [ + { + "key": "age", + "text": "", + "valid_options": [ + { + "raw": "18", + "text": "18", + "natural_language": "I am 18 years old." + }, + { + "raw": "19", + "text": "19", + "natural_language": "I am 19 years old." + }, + { + "raw": "20", + "text": "20", + "natural_language": "I am 20 years old." + }, + { + "raw": "21", + "text": "21", + "natural_language": "I am 21 years old." + }, + { + "raw": "22", + "text": "22", + "natural_language": "I am 22 years old." + }, + { + "raw": "23", + "text": "23", + "natural_language": "I am 23 years old." + }, + { + "raw": "24", + "text": "24", + "natural_language": "I am 24 years old." + }, + { + "raw": "25", + "text": "25", + "natural_language": "I am 25 years old." + }, + { + "raw": "26", + "text": "26", + "natural_language": "I am 26 years old." + }, + { + "raw": "27", + "text": "27", + "natural_language": "I am 27 years old." + }, + { + "raw": "28", + "text": "28", + "natural_language": "I am 28 years old." + }, + { + "raw": "29", + "text": "29", + "natural_language": "I am 29 years old." + }, + { + "raw": "30", + "text": "30", + "natural_language": "I am 30 years old." + }, + { + "raw": "31", + "text": "31", + "natural_language": "I am 31 years old." + }, + { + "raw": "32", + "text": "32", + "natural_language": "I am 32 years old." + }, + { + "raw": "33", + "text": "33", + "natural_language": "I am 33 years old." + }, + { + "raw": "34", + "text": "34", + "natural_language": "I am 34 years old." + }, + { + "raw": "35", + "text": "35", + "natural_language": "I am 35 years old." + }, + { + "raw": "36", + "text": "36", + "natural_language": "I am 36 years old." + }, + { + "raw": "37", + "text": "37", + "natural_language": "I am 37 years old." + }, + { + "raw": "38", + "text": "38", + "natural_language": "I am 38 years old." + }, + { + "raw": "39", + "text": "39", + "natural_language": "I am 39 years old." + }, + { + "raw": "40", + "text": "40", + "natural_language": "I am 40 years old." + }, + { + "raw": "41", + "text": "41", + "natural_language": "I am 41 years old." + }, + { + "raw": "42", + "text": "42", + "natural_language": "I am 42 years old." + }, + { + "raw": "43", + "text": "43", + "natural_language": "I am 43 years old." + }, + { + "raw": "44", + "text": "44", + "natural_language": "I am 44 years old." + }, + { + "raw": "45", + "text": "45", + "natural_language": "I am 45 years old." + }, + { + "raw": "46", + "text": "46", + "natural_language": "I am 46 years old." + }, + { + "raw": "51", + "text": "51", + "natural_language": "I am 51 years old." + }, + { + "raw": "53", + "text": "53", + "natural_language": "I am 53 years old." + }, + { + "raw": "54", + "text": "54", + "natural_language": "I am 54 years old." + }, + { + "raw": "55", + "text": "55", + "natural_language": "I am 55 years old." + }, + { + "raw": "56", + "text": "56", + "natural_language": "I am 56 years old." + }, + { + "raw": "57", + "text": "57", + "natural_language": "I am 57 years old." + }, + { + "raw": "58", + "text": "58", + "natural_language": "I am 58 years old." + }, + { + "raw": "59", + "text": "59", + "natural_language": "I am 59 years old." + }, + { + "raw": "60", + "text": "60", + "natural_language": "I am 60 years old." + }, + { + "raw": "61", + "text": "61", + "natural_language": "I am 61 years old." + }, + { + "raw": "62", + "text": "62", + "natural_language": "I am 62 years old." + }, + { + "raw": "63", + "text": "63", + "natural_language": "I am 63 years old." + }, + { + "raw": "64", + "text": "64", + "natural_language": "I am 64 years old." + }, + { + "raw": "65", + "text": "65", + "natural_language": "I am 65 years old." + }, + { + "raw": "66", + "text": "66", + "natural_language": "I am 66 years old." + }, + { + "raw": "67", + "text": "67", + "natural_language": "I am 67 years old." + }, + { + "raw": "68", + "text": "68", + "natural_language": "I am 68 years old." + }, + { + "raw": "69", + "text": "69", + "natural_language": "I am 69 years old." + }, + { + "raw": "70", + "text": "70", + "natural_language": "I am 70 years old." + }, + { + "raw": "71", + "text": "71", + "natural_language": "I am 71 years old." + }, + { + "raw": "72", + "text": "72", + "natural_language": "I am 72 years old." + }, + { + "raw": "73", + "text": "73", + "natural_language": "I am 73 years old." + }, + { + "raw": "74", + "text": "74", + "natural_language": "I am 74 years old." + }, + { + "raw": "75", + "text": "75", + "natural_language": "I am 75 years old." + }, + { + "raw": "76", + "text": "76", + "natural_language": "I am 76 years old." + }, + { + "raw": "77", + "text": "77", + "natural_language": "I am 77 years old." + }, + { + "raw": "78", + "text": "78", + "natural_language": "I am 78 years old." + }, + { + "raw": "79", + "text": "79", + "natural_language": "I am 79 years old." + }, + { + "raw": "80", + "text": "80", + "natural_language": "I am 80 years old." + }, + { + "raw": "81", + "text": "81", + "natural_language": "I am 81 years old." + }, + { + "raw": "82", + "text": "82", + "natural_language": "I am 82 years old." + }, + { + "raw": "86", + "text": "86", + "natural_language": "I am 86 years old." + }, + { + "raw": "83", + "text": "83", + "natural_language": "I am 83 years old." + }, + { + "raw": "84", + "text": "84", + "natural_language": "I am 84 years old." + }, + { + "raw": "85", + "text": "85", + "natural_language": "I am 85 years old." + }, + { + "raw": "94", + "text": "94", + "natural_language": "I am 94 years old." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "gender", + "questions": [ + { + "key": "female", + "text": "", + "valid_options": [ + { + "raw": "0", + "text": "no", + "natural_language": "I am male." + }, + { + "raw": "1", + "text": "yes", + "natural_language": "I am female." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "race", + "questions": [ + { + "key": "hisp", + "text": "Are you hispanic?", + "valid_options": [ + { + "raw": "1", + "text": "hispanic", + "natural_language": "I am Hispanic." + } + ], + "invalid_options": [ + NaN, + "0" + ] + }, + { + "key": "white", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "1", + "natural_language": "I am White." + } + ], + "invalid_options": [ + NaN, + "0" + ] + }, + { + "key": "black", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "1", + "natural_language": "I am Black." + } + ], + "invalid_options": [ + NaN, + "0" + ] + }, + { + "key": "other_race", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "1", + "natural_language": "I am not Hispanic or White or Black." + } + ], + "invalid_options": [ + NaN, + "0" + ] + } + ] + }, + { + "name": "income", + "questions": [ + { + "key": "income", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "less than $10,000", + "natural_language": "My annual household income before taxes is less than $10,000." + }, + { + "raw": "2", + "text": "$10,000 to $19,999", + "natural_language": "My annual household income before taxes is $10,000 to $19,999." + }, + { + "raw": "3", + "text": "$20,000 to $29,999", + "natural_language": "My annual household income before taxes is $20,000 to $29,999." + }, + { + "raw": "4", + "text": "$30,000 to $39,999", + "natural_language": "My annual household income before taxes is $30,000 to $39,999." + }, + { + "raw": "5", + "text": "$40,000 to $49,999", + "natural_language": "My annual household income before taxes is $40,000 to $49,999." + }, + { + "raw": "6", + "text": "$50,000 to $59,999", + "natural_language": "My annual household income before taxes is $50,000 to $59,999." + }, + { + "raw": "7", + "text": "$60,000 to $69,999", + "natural_language": "My annual household income before taxes is $60,000 to $69,999." + }, + { + "raw": "8", + "text": "$70,000 to $79,999", + "natural_language": "My annual household income before taxes is $70,000 to $79,999." + }, + { + "raw": "9", + "text": "$80,000 to $89,999", + "natural_language": "My annual household income before taxes is $80,000 to $89,999." + }, + { + "raw": "10", + "text": "$90,000 to $99,999", + "natural_language": "My annual household income before taxes is $90,000 to $99,999." + }, + { + "raw": "11", + "text": "$100,000 to $149,999", + "natural_language": "My annual household income before taxes is $100,000 to $149,999." + }, + { + "raw": "12", + "text": "$150,000 or more", + "natural_language": "My annual household income before taxes is $150,000 or more." + } + ], + "invalid_options": [ + NaN, + "-99" + ] + } + ] + }, + { + "name": "educ", + "questions": [ + { + "key": "educ", + "text": "What is the highest level of school you have completed or the highest degree you have received?\u00a0", + "valid_options": [ + { + "raw": "1", + "text": "didn't graduate from high school", + "natural_language": "I didn't graduate from high school." + }, + { + "raw": "2", + "text": "graduated from high school", + "natural_language": "I graduated from high school." + }, + { + "raw": "3", + "text": "went to some college", + "natural_language": "I went to some college." + }, + { + "raw": "4", + "text": "got my associate's degree", + "natural_language": "I got an associate's degree." + }, + { + "raw": "5", + "text": "got my bachelor's degree", + "natural_language": "I got a bachelor's degree." + }, + { + "raw": "6", + "text": "got my master's degree", + "natural_language": "I got a master's degree." + }, + { + "raw": "7", + "text": "got a PhD", + "natural_language": "I got a PhD." + }, + { + "raw": "8", + "text": "went to graduate school", + "natural_language": "I got a professional degree." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "vote_lastelection", + "questions": [ + { + "key": "vote_lastelection", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "voted", + "natural_language": "I voted in the last election." + }, + { + "raw": "2", + "text": "didn't vote", + "natural_language": "I didn't vote in the last election." + } + ], + "invalid_options": [ + NaN, + "-99" + ] + } + ] + }, + { + "name": "pid7", + "questions": [ + { + "key": "pid7", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "am a strong Republican", + "natural_language": "I am a strong Republican." + }, + { + "raw": "2", + "text": "am a weak Republican", + "natural_language": "I am a weak Republican." + }, + { + "raw": "3", + "text": "lean Republican", + "natural_language": "I lean Republican." + }, + { + "raw": "5", + "text": "lean Democrat", + "natural_language": "I lean Democrat." + }, + { + "raw": "6", + "text": "am a weak Democrat", + "natural_language": "I am a weak Democrat." + }, + { + "raw": "7", + "text": "am a strong Democrat", + "natural_language": "I am a strong Democrat." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "socmedia_freq", + "questions": [ + { + "key": "socmedia_freq", + "text": "", + "valid_options": [ + { + "raw": "1", + "text": "daily", + "natural_language": "I use social media daily." + }, + { + "raw": "2", + "text": "4-6 times a week", + "natural_language": "I use social media 4-6 times a week." + }, + { + "raw": "3", + "text": "2-3 times a week", + "natural_language": "I use social media 2-3 times a week." + }, + { + "raw": "4", + "text": "once a week", + "natural_language": "I use social media once a week." + }, + { + "raw": "5", + "text": "once a month", + "natural_language": "I use social media once a month." + }, + { + "raw": "6", + "text": "6", + "natural_language": "I never use social media." + } + ], + "invalid_options": [ + NaN, + "-99" + ] + } + ] + }, + { + "name": "fox_pref", + "questions": [ + { + "key": "fox_pref", + "text": "", + "valid_options": [ + { + "raw": "0", + "text": "MSNBC", + "natural_language": "I prefer MSNBC." + }, + { + "raw": "1", + "text": "Fox News", + "natural_language": "I prefer Fox News." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "treatment", + "questions": [ + { + "key": "treatment", + "text": "", + "valid_options": [ + { + "raw": "AP", + "text": "1", + "natural_language": "\nAP News Article\n\nA surprising burst of US hiring in January: 517,000 jobs\nBy PAUL WISEMAN February 3, 2023\n\nWASHINGTON (AP) — For nearly a year, the Federal Reserve has been on a mission to cool down the job market to help curb the nation’s worst inflation bout in four decades.\n\nThe job market hasn’t been cooperating.\n\nConsider what happened in January: The government said Friday that employers added a sizzling 517,000 jobs last month and that the unemployment rate dipped to 3.4%, the lowest level since 1969.\n\nThe job gain was so large it left economists scratching their heads and wondering why the Fed’s aggressive interest rate hikes haven’t slowed hiring at a time when many foresee a recession nearing.\n\nFriday’s report added instead to the picture of a resilient U.S. labor market, with low unemployment, relatively few layoffs and many job openings. Though good for workers, employers’ steady demand for labor has also helped accelerate wage growth and contributed to high inflation.\n\nStill, the Fed’s inflation watchers might be reassured somewhat by January’s wage data: Average hourly pay rose 4.4% last month from a year earlier, slower than the 4.8% year-over-year increase in December. And from December to January, wages rose 0.3%, below the 0.4% increase the previous month.\n\nOn top of the sizzling job growth it reported for January, the government on Friday also revised up its estimate of the gains in November and December by a combined 71,000.\n\nPresident Joe Biden called the jobs report “strikingly good news” and asserted that his Republican critics were wrong in their warnings of continued high inflation and a coming recession and layoffs.\n\n“Our plan is working,” Biden said, “because of the grit and resolve of the American worker.”\n\nJanuary’s hiring gain, which far exceeded December’s 260,000, was broad-based across industries. A category that includes restaurants and bars added 99,000 workers. Professional and business services jobs, including bookkeepers and consultants, rose by 82,000.\n\n“This is a labor market on heat,” said Seema Shah, chief global strategist at Principal Asset Management. It would be difficult, she suggested, “to see the Fed stop raising rates and entertain ideas of rate cuts when there is such explosive economic news coming in.”\nThe Fed has raised its key rate eight times since March to try to slow the job market and contain inflation, which hit a 40-year high last year but has slowed since then.\n\nYet companies are still seeking more workers and are hanging tightly onto the ones they have. Putting aside some high-profile layoffs at big tech companies like Microsoft, Google, Amazon and others, most workers are enjoying an unusual level of job security even at a time when many economists foresee a recession approaching.\n\nFor all of 2022, the economy added a sizzling average of roughly 375,000 jobs a month. That was a pace vigorous enough to have contributed to some of the painful inflation Americans have endured. A tight job market tends to put upward pressure on wages, which, in turn, feed into inflation.\n\nBut year-over-year measures of consumer inflation have steadily eased since peaking at 9.1% in June. At 6.5% in December, though, inflation remains far above the Fed’s 2% target, which is why the central bank’s policymakers have reiterated their intent to keep raising borrowing rates for at least a few more months.\n\nGiacomo Santangelo, an economist at the jobs website Monster, said he doubted the Fed would take much comfort from the decelerating wage gains — or relent in its rate-hiking campaign.\n\n“As long as unemployment continues to go down,” Santangelo said, “as long as the economy continues to be strong, the Fed’s going to keep fighting inflation.”\n\nThe Fed is aiming to achieve a “soft landing” — a pullback in the economy that is just enough to tame high inflation without triggering a recession. The policymakers hope that employers can slow wage increases and inflationary pressures by reducing job openings but not necessarily by laying off many employees." + }, + { + "raw": "CBS", + "text": "2", + "natural_language": "\nCBS Clip Transcript, from “CBS Nightly News with Norah O’Donnell”:\n\n{O’Donnell}: Back here at home, now to the economy. In the surprising monthly jobs report, US employers added 517,000 jobs in January, and the unemployment rate fell to 3.4%. That is the lowest it's been in more than half a century. Stocks however, fell over concerns that the strong Labor report will mean the Federal Reserve will keep raising those interest rates.\nCBS's Carter Evans has more.\n{Evans}: Business is back at the Tally Brand restaurant in Burbank, California. Owner Karen Ross says she just made five new hires. How have things changed? \n{Ross}: I've had in the last two, three months, more applications than I've seen on my desk in four years. \n{Evans}: An abundance of people looking for work. Jobs in hospitality and leisure got the biggest boost with restaurants and bars and counting for one out of every five hires in January. In all more than half million jobs were created nearly triple expectations. And today, President Biden took a victory lap. \n{Biden}: We have created more jobs in two years than any presidential term. \n{Bunker}: You look at all the data from the labor market right now and, and there's no sign that we're about to tip into a recession.\n{Evans}: But economist Nick Bunker with the job posting site indeed.com says there are still caution signs. \n{Bunker}: The cautious part of my optimism comes from how this data is interpreted by policy makers, particularly at the Federal Reserve. \n{Evans}: With the Fed raising interest rates at the fastest clip in 40 years, some business leaders have been preparing for a recession. The tech industry cut almost 100,000 jobs in 2022, and the layoffs are accelerating. Just last month, almost 42 thousand tech jobs were lost.\n{Bunker}: But the tech sector's actually a very small percent of the overall labor market. What would concern me is if we start hearing these sorts of announcements from companies like Walmart or large fast food chains.\n{Evans}: Are you still hiring? {Ross}: Still hiring, \n{Evans}: but Karen Ross is still struggling with inflation. \n{Ross}: The profit margin is very, very tight. We can only raise our prices so much.\n{Evans}: Now, inflation has been declining in recent months, but it's still stubbornly high. And after today's blockbuster jobs report, many Fed Watchers think the Central Bank is almost sure to raise rates above 5% in May. Norah.\n{O’Donnell}: Carter Evans, thank you so much." + }, + { + "raw": "Fox", + "text": "3", + "natural_language": "\nFox News Clip Transcript, from “Fox News at Night” with Shannon Bream:\n\n{Bream}: The unemployment rate dipped to its lowest level since 1969. Susan Li of Fox Business joins us from New York to tell us what all of these numbers mean. Hello, Susan.\n{Li}: Hi there, Shannon. Yeah, so the US jobs market starting off 2023 with its biggest gain in five months, and a lot of those jobs came in the leisure and hospitality sectors. Healthcare, retail, and construction, all adding thousands of jobs last month. Now wages went up by almost four and a half percent, but that's still less than inflation, which went up 6.5% year over year in December. President Biden also asked today if he would take any responsibility for higher consumer prices. \n{Biden}: [mumbled: Please, please. Thank you, uh, Bobby. Short, there's, uh, we have some good news.] Am I taking blame for inflation. No. Why not? Because it was already there when I got here, man. Remember what the economy was like when I got here? Jobs were hemorrhaging. Inflation was rising. We weren't manufacturing a damn thing here. We were in real economic difficulty. That's why I don't. \n{Li}: Inflation was only 1.4% when Biden took office. And before Covid started in February, 2020, the labor market was pretty similar to what we see today. Back then, the economy added a better than expected 273,000 jobs. The jobless rate was near those 50 year lows. \nBut one way that 2023 is different technology giants, including Amazon, Alphabet, and Facebook's parent Meta laying off tens of thousands. And all of these companies reported corporate earnings this week that were weaker than expected. \nNow in my conversation with Apple's CEO, Tim Cook, he told me “In many areas in the company, we are not hiring at all. In engineering we continue to hire. Only some, but everybody's really just being very prudent.” \nAnd Google's parent company, Alphabet's financial chief, also telling me this week that “we are meaningfully slowing the pace of hiring in 2023. Yes, we added almost 3,500 people last quarter, but the majority of these hires were for technical jobs.”\nAlso, remember that Alphabet also announced those 12,000 job cuts. But like all other companies, they will still need to hire, if needed. And another factor to keep in mind here, those severance packages for laid off workers, that'll likely last for weeks, if not months, and may not be counted in those jobless numbers. Shannon." + }, + { + "raw": "MSNBC", + "text": "4", + "natural_language": "\nMSNBC Clip Transcript, from “The Last Word with Lawrence O’Donnell”:\n\n{O’Donnell}: Alright, remember when it was said that corporations are people? Uh, yeah. No. You know, who are people? People are people. Workers are people. People who need jobs to pay rent, to buy food, to get diapers. And tonight, three years after Covid sent our economy into a nose dive, the great news is that people are able to find jobs to do all those things again.\nHere's today's blockbuster jobs report for January. 517,000 net new jobs were created. I've been in this business for a long time. I cover the economy. That's a lot of jobs. That's nearly triple the number of jobs that economists predicted, and it far outpaces the average monthly job growth throughout all of 2022.\nOn top of that, the Bureau of Labor Statistics, part of the Department of Labor, released data today that showed the job growth for nearly every month in the past year was stronger than originally estimated. Meaning hundreds of thousands more jobs were created in 2022 than we originally thought. \nThe unemployment rate fell to 3.4%. That's a near historic low. The last time unemployment was this uh, low go all the way to the left of your screen. May of 1969. President Biden had this to say following the release of the jobs numbers this morning.\n{Biden}: We created 12 million. 12 million jobs since I took office. That means we have created more jobs in two years than any presidential term. \nHere's where we stand. The strongest job, growth in history, the lowest unemployment rate in 54 years, manufacturing rebounding at a faster rate than in the last 40 years. Inflation coming down. \nPut simply, I would argue, the Biden economic plan is working. \n{O’Donnell}: In addition to the unemployment rate being at the lowest rate since Richard Nixon was president, some of the communities that were economically battered the most by the Covid-19 pandemic are now among the biggest beneficiaries of this record job creation." + } + ], + "invalid_options": [ + NaN + ] + } + ] + }, + { + "name": "news_rating_1", + "questions": [ + { + "key": "news_rating_1", + "text": "To what extent do you agree or disagree with the following statement: 'In general, I found the news story to be informative.", + "valid_options": [ + { + "raw": "1", + "text": "Strongly disagree", + "natural_language": "Strongly disagree" + }, + { + "raw": "2", + "text": "Somewhat disagree", + "natural_language": "Somewhat disagree" + }, + { + "raw": "3", + "text": "Neither agree nor disagree", + "natural_language": "Neither agree nor disagree" + }, + { + "raw": "4", + "text": "Somewhat agree", + "natural_language": "Somewhat agree" + }, + { + "raw": "5", + "text": "Strongly agree", + "natural_language": "Strongly agree" + } + ], + "invalid_options": [ + NaN + ] + } + ] + } +] \ No newline at end of file